some unspecified edits
This commit is contained in:
parent
c1a11a8fdd
commit
c69b2be56a
5
.gitignore
vendored
5
.gitignore
vendored
@ -1,3 +1,6 @@
|
|||||||
|
.vscode/
|
||||||
|
temp/
|
||||||
|
|
||||||
# ---> Python
|
# ---> Python
|
||||||
# Byte-compiled / optimized / DLL files
|
# Byte-compiled / optimized / DLL files
|
||||||
__pycache__/
|
__pycache__/
|
||||||
@ -116,7 +119,7 @@ celerybeat.pid
|
|||||||
.env
|
.env
|
||||||
.venv
|
.venv
|
||||||
env/
|
env/
|
||||||
venv/
|
venv-global/
|
||||||
ENV/
|
ENV/
|
||||||
env.bak/
|
env.bak/
|
||||||
venv.bak/
|
venv.bak/
|
||||||
|
28
console.py
Normal file
28
console.py
Normal file
@ -0,0 +1,28 @@
|
|||||||
|
import matplotlib.pylab as plt
|
||||||
|
from pyFTS.models import pwfts
|
||||||
|
from pyFTS.partitioners import Grid
|
||||||
|
|
||||||
|
from service.api import influx, smoothing
|
||||||
|
|
||||||
|
data = influx.get_field()
|
||||||
|
|
||||||
|
dataFrame = smoothAPI.getTimeSeries()
|
||||||
|
dataset = dataFrame['value'].values
|
||||||
|
|
||||||
|
trainLength = int(dataset.size*0.8)
|
||||||
|
|
||||||
|
|
||||||
|
fs = Grid.GridPartitioner(data=dataset, npart=10) # Количество узлов разделения
|
||||||
|
model = pwfts.ProbabilisticWeightedFTS(partitioner=fs)
|
||||||
|
model.fit(dataset[:trainLength])
|
||||||
|
print(model)
|
||||||
|
forecasts = model.predict(dataset[trainLength:trainLength+200], type='point', steps_ahead=int(dataset.size*0.2)) #, steps_ahead=int(dataset.size*0.2)
|
||||||
|
# forecasts = model.forecast_ahead(dataset[:], trainLength)
|
||||||
|
|
||||||
|
|
||||||
|
|
||||||
|
fig, ax = plt.subplots()
|
||||||
|
ax.plot(dataset)
|
||||||
|
ax.plot( forecasts) #range(trainLength,trainLength+200),
|
||||||
|
plt.show()
|
||||||
|
|
@ -1,4 +1,5 @@
|
|||||||
from fastapi import FastAPI
|
from fastapi import FastAPI
|
||||||
|
from fastapi.openapi.docs import get_swagger_ui_html
|
||||||
|
|
||||||
app = FastAPI()
|
app = FastAPI()
|
||||||
|
|
||||||
@ -11,3 +12,8 @@ async def root():
|
|||||||
@app.get("/hello/{name}")
|
@app.get("/hello/{name}")
|
||||||
async def say_hello(name: str):
|
async def say_hello(name: str):
|
||||||
return {"message": f"Hello {name}"}
|
return {"message": f"Hello {name}"}
|
||||||
|
|
||||||
|
|
||||||
|
@app.get("/docs")
|
||||||
|
def read_docs():
|
||||||
|
return get_swagger_ui_html(openapi_url="/openapi.json")
|
BIN
images/plot.png
Normal file
BIN
images/plot.png
Normal file
Binary file not shown.
After Width: | Height: | Size: 39 KiB |
@ -3,5 +3,16 @@ pandas
|
|||||||
matplotlib
|
matplotlib
|
||||||
dill
|
dill
|
||||||
scipy
|
scipy
|
||||||
pyFTS
|
|
||||||
fastapi
|
fastapi
|
||||||
|
requests
|
||||||
|
|
||||||
|
pyFTS @ git+https://git.athene.tech/sam/pyFTS.git
|
||||||
|
# pip install -U --force-reinstall --no-deps -e git+https://git.athene.tech/sam/pyFTS.git#egg=pyFTS
|
||||||
|
|
||||||
|
scikit-learn
|
||||||
|
keras
|
||||||
|
tensorflow
|
||||||
|
|
||||||
|
influxdb-client
|
||||||
|
|
||||||
|
darts
|
30
service/api/generate.py
Normal file
30
service/api/generate.py
Normal file
@ -0,0 +1,30 @@
|
|||||||
|
import math
|
||||||
|
|
||||||
|
import numpy as np
|
||||||
|
import pandas as pd
|
||||||
|
from matplotlib import pyplot as plt
|
||||||
|
|
||||||
|
|
||||||
|
def generate_sine_series(length=100, amplitude=1, frequency=0.5, phase=0, offset=0):
|
||||||
|
"""
|
||||||
|
Генерация временного ряда в виде синусоиды.
|
||||||
|
|
||||||
|
:param length: Длина временного ряда (количество точек).
|
||||||
|
:param amplitude: Амплитуда синусоиды.
|
||||||
|
:param frequency: Частота синусоиды.
|
||||||
|
:param phase: Фазовый сдвиг синусоиды (в радианах).
|
||||||
|
:param offset: Смещение (сдвиг по вертикали) синусоиды.
|
||||||
|
:return: Pandas DataFrame с временным рядом.
|
||||||
|
"""
|
||||||
|
# Создаем индекс для DataFrame
|
||||||
|
times = range(length)
|
||||||
|
# Генерируем значения синусоиды
|
||||||
|
values = [amplitude * np.sin(2*np.pi/frequency * index + phase) + offset for index in times]
|
||||||
|
# Возвращаем DataFrame с временным рядом
|
||||||
|
return pd.DataFrame(values, index=times, columns=['value'])
|
||||||
|
|
||||||
|
|
||||||
|
if __name__ == '__main__':
|
||||||
|
temp = generate_sine_series(length=500, frequency=50, amplitude=100)
|
||||||
|
plt.plot(temp)
|
||||||
|
plt.savefig("images/plot.png")
|
47
service/api/influx.py
Normal file
47
service/api/influx.py
Normal file
@ -0,0 +1,47 @@
|
|||||||
|
import influxdb_client
|
||||||
|
import requests, os
|
||||||
|
|
||||||
|
token = "dILwu7gJsK7spzhXPTj1LqlFi_LqdJdSS_3G_VvLZ27fi4nEpSiAyuM-gp8Qe6wS5fxbX_DXoW6dHaUyS5YREA=="
|
||||||
|
#token = os.environ.get('INFLUXDB_TOKEN')
|
||||||
|
org = "UlSTU"
|
||||||
|
bucket="Prometheus"
|
||||||
|
url = "http://influx.athene.tech"
|
||||||
|
client = influxdb_client.InfluxDBClient(url=url, token=token, org=org)
|
||||||
|
|
||||||
|
|
||||||
|
def get_field(interval='10m', field='pve_cpu_usage_ratio'):
|
||||||
|
query_api = client.query_api()
|
||||||
|
query = f"""
|
||||||
|
from(bucket: "{bucket}")
|
||||||
|
|> range(start: -{interval})
|
||||||
|
|> filter(fn: (r) => r["_field"] == "{field}")
|
||||||
|
|> pivot(rowKey:["_time"], columnKey: ["id"], valueColumn: "_value")
|
||||||
|
"""
|
||||||
|
return query_api.query_data_frame(query, org=org)
|
||||||
|
|
||||||
|
def get_field_at_container(interval='10m', field="pve_cpu_usage_ratio", container="lxc/116"):
|
||||||
|
query_api = client.query_api()
|
||||||
|
query = f"""
|
||||||
|
from(bucket: "{bucket}")
|
||||||
|
|> range(start: -{interval})
|
||||||
|
|> filter(fn: (r) => r["_field"] == "{field}")
|
||||||
|
|> filter(fn: (r) => r["id"] == "{container}")
|
||||||
|
|> pivot(rowKey:["_time"], columnKey: ["id"], valueColumn: "_value")
|
||||||
|
"""
|
||||||
|
return query_api.query_data_frame(query, org=org)
|
||||||
|
|
||||||
|
#TODO: Удалить лишние объекты
|
||||||
|
def request_delete_measurement(bucket, measurement):
|
||||||
|
response = requests.post(f'{url}/api/v2/delete?org={org}&bucket={bucket}',
|
||||||
|
headers={'Authorization': f'Token {token}', 'Content-Type': 'application/json' },
|
||||||
|
data={'start': "2020-03-01",
|
||||||
|
'stop': "2025-03-01",
|
||||||
|
'predicate': f'_measurement={measurement}'})
|
||||||
|
print(response.content)
|
||||||
|
|
||||||
|
|
||||||
|
if __name__ == "__main__":
|
||||||
|
print("influx import test")
|
||||||
|
## request_delete_measurement(bucket="Prometheus", measurement="prometheus")
|
||||||
|
data = get_field_at_container()
|
||||||
|
print("Ok")
|
18
service/api/smoothing.py
Normal file
18
service/api/smoothing.py
Normal file
@ -0,0 +1,18 @@
|
|||||||
|
import numpy as np
|
||||||
|
import pandas as pd
|
||||||
|
import requests
|
||||||
|
|
||||||
|
def getTimeSeries(set = 'NN3', series = '007'):
|
||||||
|
response = requests.get('http://time-series.athene.tech/api/1.0/get-time-series',
|
||||||
|
params={'setKey': set, 'timeSeriesKey': series})
|
||||||
|
return pd.DataFrame.from_dict(response.json().get('values'))
|
||||||
|
|
||||||
|
#not work
|
||||||
|
def getTimeSeriesSmooth():
|
||||||
|
response = requests.post('http://time-series.athene.tech/api/1.0/getSpecificMethodSmoothed',
|
||||||
|
data={'originalTimeSeries': set, 'timeSeriesKey': series})
|
||||||
|
return pd.DataFrame.from_dict(response.json().get('values'))
|
||||||
|
|
||||||
|
if __name__ == "__main__":
|
||||||
|
data = getTimeSeries()
|
||||||
|
print("Done")
|
32
service/exponential_smoothing.py
Normal file
32
service/exponential_smoothing.py
Normal file
@ -0,0 +1,32 @@
|
|||||||
|
import numpy as np
|
||||||
|
import matplotlib.pyplot as plt
|
||||||
|
|
||||||
|
|
||||||
|
def exponential_smoothing(series, alpha):
|
||||||
|
"""
|
||||||
|
Функция для экспоненциального сглаживания временного ряда.
|
||||||
|
|
||||||
|
:param series: Вектор временного ряда.
|
||||||
|
:param alpha: Коэффициент сглаживания (0 <= alpha <= 1).
|
||||||
|
:return: Сглаженный временной ряд.
|
||||||
|
"""
|
||||||
|
# Создаем вектор той же длины, что и исходный временной ряд, заполненный нулями
|
||||||
|
result = np.zeros_like(series)
|
||||||
|
# Первый элемент сглаженного ряда равен первому элементу исходного ряда
|
||||||
|
result[0] = series[0]
|
||||||
|
for t in range(1, len(series)):
|
||||||
|
# Каждый следующий элемент сглаженного ряда рассчитывается как взвешенная сумма текущего элемента исходного ряда
|
||||||
|
# и предыдущего элемента сглаженного ряда
|
||||||
|
result[t] = alpha * series[t] + (1 - alpha) * result[t - 1]
|
||||||
|
return result
|
||||||
|
|
||||||
|
if __name__ == "__main__":
|
||||||
|
# Пример использования функции
|
||||||
|
series = [10, 8, 6, 4, 5, 6, 8, 10] # Исходный временной ряд
|
||||||
|
alpha = 0.5 # Коэффициент сглаживания
|
||||||
|
smoothed_series = exponential_smoothing(series, alpha)
|
||||||
|
print(smoothed_series)
|
||||||
|
|
||||||
|
plt.plot(series)
|
||||||
|
plt.plot(smoothed_series)
|
||||||
|
plt.show()
|
14
service/predictModels.py
Normal file
14
service/predictModels.py
Normal file
@ -0,0 +1,14 @@
|
|||||||
|
from pyFTS.models import pwfts
|
||||||
|
from pyFTS.partitioners import Grid, Entropy, Util as pUtil
|
||||||
|
from pyFTS.data import sunspots as DataFrame
|
||||||
|
from pyFTS.common import Util, Transformations, fts, tree
|
||||||
|
|
||||||
|
def pwfts(dataset, trainLength, npart=50):
|
||||||
|
fs = Grid.GridPartitioner(data=dataset, npart=50)
|
||||||
|
model = pwfts.ProbabilisticWeightedFTS(partitioner=fs)
|
||||||
|
model.fit(dataset[:trainLength])
|
||||||
|
print(model)
|
||||||
|
forecasts = model.predict(dataset[trainLength:trainLength + 200], type='point',
|
||||||
|
steps_ahead=int(dataset.size * 0.2)) # , steps_ahead=int(dataset.size*0.2)
|
||||||
|
# forecasts = model.forecast_ahead(dataset[:], trainLength)
|
||||||
|
|
30
test.py
30
test.py
@ -1,10 +1,22 @@
|
|||||||
from pyFTS.models import chen
|
from service.api.generate import generate_sine_series
|
||||||
from pyFTS.partitioners import Grid, Entropy, Util as pUtil
|
|
||||||
from pyFTS.data import Bitcoin
|
|
||||||
train = Bitcoin.get_data()
|
|
||||||
fs = Grid.GridPartitioner(data=train, npart=50)
|
|
||||||
model = chen.ConventionalFTS(partitioner=fs)
|
|
||||||
model.fit(train[:-10])
|
|
||||||
print(model)
|
|
||||||
forecasts = model.predict(train[-10:])
|
|
||||||
|
|
||||||
|
import matplotlib.pylab as plt
|
||||||
|
import warnings
|
||||||
|
warnings.filterwarnings('ignore')
|
||||||
|
|
||||||
|
df = generate_sine_series(length=500, frequency=50, amplitude=100)
|
||||||
|
plt.plot(df)
|
||||||
|
|
||||||
|
data = df.values
|
||||||
|
|
||||||
|
|
||||||
|
from pyFTS.partitioners import CMeans
|
||||||
|
|
||||||
|
fs = CMeans.CMeansPartitioner(data=data,npart=10)
|
||||||
|
|
||||||
|
fig, ax = plt.subplots(nrows=1, ncols=1, figsize=[15,5])
|
||||||
|
|
||||||
|
fs.plot(ax)
|
||||||
|
|
||||||
|
|
||||||
|
plt.show()
|
@ -1,11 +0,0 @@
|
|||||||
# Test your FastAPI endpoints
|
|
||||||
|
|
||||||
GET http://127.0.0.1:8000/
|
|
||||||
Accept: application/json
|
|
||||||
|
|
||||||
###
|
|
||||||
|
|
||||||
GET http://127.0.0.1:8000/hello/User
|
|
||||||
Accept: application/json
|
|
||||||
|
|
||||||
###
|
|
42
tutorial/MatPlotLib Exception.md
Normal file
42
tutorial/MatPlotLib Exception.md
Normal file
@ -0,0 +1,42 @@
|
|||||||
|
# Пример как можно использовать
|
||||||
|
|
||||||
|
### Вывод двух функций на одном графике
|
||||||
|
```python
|
||||||
|
plt.plot(dataset)
|
||||||
|
plt.plot(modelForecasts)
|
||||||
|
plt.show()
|
||||||
|
```
|
||||||
|
|
||||||
|
### Вывод двух функций на одном графике (расширенная версия)
|
||||||
|
```python
|
||||||
|
fig, ax = plt.subplots()
|
||||||
|
ax.plot(train)
|
||||||
|
ax.plot(forecasts)
|
||||||
|
plt.show()
|
||||||
|
```
|
||||||
|
|
||||||
|
### Вывод двух функций на одном графике (настройка цвета и подписей)
|
||||||
|
```python
|
||||||
|
fig, ax = plt.subplots()
|
||||||
|
ax.plot(train, color="black", label='TAIEX')
|
||||||
|
ax.plot(forecasts, color="red", label='Forecasts')
|
||||||
|
plt.show()
|
||||||
|
```
|
||||||
|
|
||||||
|
### Вывод двух функций на одном графике (настройка цвета и подписей)
|
||||||
|
```python
|
||||||
|
fig, ax = plt.subplots()
|
||||||
|
ax.plot(train)
|
||||||
|
ax.plot(np.arange(train_split,train_split+200), forecasts[train_split:train_split+200])
|
||||||
|
plt.show()
|
||||||
|
```
|
||||||
|
|
||||||
|
### Вывод двух графиков из линий в одну колонку без блокирования интерфейса
|
||||||
|
```python
|
||||||
|
fig, ax = plt.subplots(nrows=2, ncols=1)
|
||||||
|
ax[0].plot(dataset1)
|
||||||
|
ax[1].plot(dataset2['value'])
|
||||||
|
plt.show(block=False)
|
||||||
|
```
|
||||||
|
|
||||||
|
|
821
tutorial/darts/data/monthly_in_situ_co2_mlo.csv
Normal file
821
tutorial/darts/data/monthly_in_situ_co2_mlo.csv
Normal file
@ -0,0 +1,821 @@
|
|||||||
|
"-------------------------------------------------------------------------------------------"
|
||||||
|
" Atmospheric CO2 concentrations (ppm) derived from in situ air measurements "
|
||||||
|
" at Mauna Loa, Observatory, Hawaii: Latitude 19.5°N Longitude 155.6°W Elevation 3397m "
|
||||||
|
" "
|
||||||
|
" Source: R. F. Keeling, S. J. Walker, S. C. Piper and A. F. Bollenbacher "
|
||||||
|
" Scripps CO2 Program ( http://scrippsco2.ucsd.edu ) "
|
||||||
|
" Scripps Institution of Oceanography (SIO) "
|
||||||
|
" University of California "
|
||||||
|
" La Jolla, California USA 92093-0244 "
|
||||||
|
" "
|
||||||
|
" Status of data and correspondence: "
|
||||||
|
" "
|
||||||
|
" These data are subject to revision based on recalibration of standard gases. Questions "
|
||||||
|
" about the data should be directed to Dr. Ralph Keeling (rkeeling@ucsd.edu), Stephen Walker"
|
||||||
|
" (sjwalker@ucsd.edu) and Stephen Piper (scpiper@ucsd.edu), Scripps CO2 Program. "
|
||||||
|
" "
|
||||||
|
" Baseline data in this file through 10-Jan-2022 from archive dated 13-Jan-2022 08:51:33 "
|
||||||
|
" "
|
||||||
|
"-------------------------------------------------------------------------------------------"
|
||||||
|
" "
|
||||||
|
" Please cite as: "
|
||||||
|
" "
|
||||||
|
" C. D. Keeling, S. C. Piper, R. B. Bacastow, M. Wahlen, T. P. Whorf, M. Heimann, and "
|
||||||
|
" H. A. Meijer, Exchanges of atmospheric CO2 and 13CO2 with the terrestrial biosphere and "
|
||||||
|
" oceans from 1978 to 2000. I. Global aspects, SIO Reference Series, No. 01-06, Scripps "
|
||||||
|
" Institution of Oceanography, San Diego, 88 pages, 2001. "
|
||||||
|
" "
|
||||||
|
" If it is necessary to cite a peer-reviewed article, please cite as: "
|
||||||
|
" "
|
||||||
|
" C. D. Keeling, S. C. Piper, R. B. Bacastow, M. Wahlen, T. P. Whorf, M. Heimann, and "
|
||||||
|
" H. A. Meijer, Atmospheric CO2 and 13CO2 exchange with the terrestrial biosphere and "
|
||||||
|
" oceans from 1978 to 2000: observations and carbon cycle implications, pages 83-113, "
|
||||||
|
" in "A History of Atmospheric CO2 and its effects on Plants, Animals, and Ecosystems", "
|
||||||
|
" editors, Ehleringer, J.R., T. E. Cerling, M. D. Dearing, Springer Verlag, "
|
||||||
|
" New York, 2005. "
|
||||||
|
" "
|
||||||
|
"-------------------------------------------------------------------------------------------"
|
||||||
|
" "
|
||||||
|
" The data file below contains 10 columns. Columns 1-4 give the dates in several redundant "
|
||||||
|
" formats. Column 5 below gives monthly Mauna Loa CO2 concentrations in micro-mol CO2 per "
|
||||||
|
" mole (ppm), reported on the 2012 SIO manometric mole fraction scale. This is the "
|
||||||
|
" standard version of the data most often sought. The monthly values have been adjusted "
|
||||||
|
" to 24:00 hours on the 15th of each month. Column 6 gives the same data after a seasonal "
|
||||||
|
" adjustment to remove the quasi-regular seasonal cycle. The adjustment involves "
|
||||||
|
" subtracting from the data a 4-harmonic fit with a linear gain factor. Column 7 is a "
|
||||||
|
" smoothed version of the data generated from a stiff cubic spline function plus 4-harmonic "
|
||||||
|
" functions with linear gain. Column 8 is the same smoothed version with the seasonal "
|
||||||
|
" cycle removed. Column 9 is identical to Column 5 except that the missing values from "
|
||||||
|
" Column 5 have been filled with values from Column 7. Column 10 is identical to Column 6 "
|
||||||
|
" except missing values have been filled with values from Column 8. Missing values are "
|
||||||
|
" denoted by -99.99 "
|
||||||
|
" "
|
||||||
|
" CO2 concentrations are measured on the '12' calibration scale "
|
||||||
|
" "
|
||||||
|
Yr,Mn,DateDays,Datetime,CO2_none,seasonally_adjusted,fit,seasonally_adjusted_fit,CO2,seasonally_adjustedfilled
|
||||||
|
1958, 03, 21259, 1958.2027, 315.70, 314.43, 316.20, 314.91, 315.70, 314.43
|
||||||
|
1958, 04, 21290, 1958.2877, 317.45, 315.16, 317.30, 314.99, 317.45, 315.16
|
||||||
|
1958, 05, 21320, 1958.3699, 317.51, 314.71, 317.87, 315.07, 317.51, 314.71
|
||||||
|
1958, 06, 21351, 1958.4548, -99.99, -99.99, 317.25, 315.15, 317.25, 315.15
|
||||||
|
1958, 07, 21381, 1958.5370, 315.86, 315.20, 315.86, 315.22, 315.86, 315.20
|
||||||
|
1958, 08, 21412, 1958.6219, 314.93, 316.20, 313.98, 315.29, 314.93, 316.20
|
||||||
|
1958, 09, 21443, 1958.7068, 313.21, 316.09, 312.46, 315.36, 313.21, 316.09
|
||||||
|
1958, 10, 21473, 1958.7890, -99.99, -99.99, 312.44, 315.41, 312.44, 315.41
|
||||||
|
1958, 11, 21504, 1958.8740, 313.33, 315.20, 313.61, 315.46, 313.33, 315.20
|
||||||
|
1958, 12, 21534, 1958.9562, 314.67, 315.43, 314.77, 315.52, 314.67, 315.43
|
||||||
|
1959, 01, 21565, 1959.0411, 315.58, 315.53, 315.63, 315.58, 315.58, 315.53
|
||||||
|
1959, 02, 21596, 1959.1260, 316.49, 315.85, 316.28, 315.64, 316.49, 315.85
|
||||||
|
1959, 03, 21624, 1959.2027, 316.65, 315.37, 316.99, 315.70, 316.65, 315.37
|
||||||
|
1959, 04, 21655, 1959.2877, 317.72, 315.41, 318.09, 315.77, 317.72, 315.41
|
||||||
|
1959, 05, 21685, 1959.3699, 318.29, 315.48, 318.66, 315.85, 318.29, 315.48
|
||||||
|
1959, 06, 21716, 1959.4548, 318.15, 316.02, 318.05, 315.94, 318.15, 316.02
|
||||||
|
1959, 07, 21746, 1959.5370, 316.54, 315.87, 316.67, 316.03, 316.54, 315.87
|
||||||
|
1959, 08, 21777, 1959.6219, 314.80, 316.08, 314.81, 316.13, 314.80, 316.08
|
||||||
|
1959, 09, 21808, 1959.7068, 313.84, 316.73, 313.31, 316.22, 313.84, 316.73
|
||||||
|
1959, 10, 21838, 1959.7890, 313.33, 316.33, 313.33, 316.31, 313.33, 316.33
|
||||||
|
1959, 11, 21869, 1959.8740, 314.81, 316.69, 314.54, 316.40, 314.81, 316.69
|
||||||
|
1959, 12, 21899, 1959.9562, 315.58, 316.35, 315.73, 316.48, 315.58, 316.35
|
||||||
|
1960, 01, 21930, 1960.0410, 316.43, 316.38, 316.62, 316.56, 316.43, 316.38
|
||||||
|
1960, 02, 21961, 1960.1257, 316.98, 316.34, 317.29, 316.64, 316.98, 316.34
|
||||||
|
1960, 03, 21990, 1960.2049, 317.58, 316.27, 318.04, 316.72, 317.58, 316.27
|
||||||
|
1960, 04, 22021, 1960.2896, 319.03, 316.70, 319.15, 316.80, 319.03, 316.70
|
||||||
|
1960, 05, 22051, 1960.3716, 320.03, 317.21, 319.69, 316.87, 320.03, 317.21
|
||||||
|
1960, 06, 22082, 1960.4563, 319.59, 317.47, 319.03, 316.93, 319.59, 317.47
|
||||||
|
1960, 07, 22112, 1960.5383, 318.18, 317.53, 317.59, 316.98, 318.18, 317.53
|
||||||
|
1960, 08, 22143, 1960.6230, 315.90, 317.21, 315.68, 317.02, 315.90, 317.21
|
||||||
|
1960, 09, 22174, 1960.7077, 314.17, 317.08, 314.12, 317.05, 314.17, 317.08
|
||||||
|
1960, 10, 22204, 1960.7896, 313.83, 316.83, 314.09, 317.08, 313.83, 316.83
|
||||||
|
1960, 11, 22235, 1960.8743, 315.00, 316.88, 315.25, 317.11, 315.00, 316.88
|
||||||
|
1960, 12, 22265, 1960.9563, 316.19, 316.96, 316.40, 317.15, 316.19, 316.96
|
||||||
|
1961, 01, 22296, 1961.0411, 316.89, 316.85, 317.26, 317.20, 316.89, 316.85
|
||||||
|
1961, 02, 22327, 1961.1260, 317.70, 317.06, 317.92, 317.27, 317.70, 317.06
|
||||||
|
1961, 03, 22355, 1961.2027, 318.54, 317.25, 318.64, 317.34, 318.54, 317.25
|
||||||
|
1961, 04, 22386, 1961.2877, 319.48, 317.15, 319.76, 317.42, 319.48, 317.15
|
||||||
|
1961, 05, 22416, 1961.3699, 320.58, 317.75, 320.33, 317.50, 320.58, 317.75
|
||||||
|
1961, 06, 22447, 1961.4548, 319.77, 317.63, 319.72, 317.59, 319.77, 317.63
|
||||||
|
1961, 07, 22477, 1961.5370, 318.56, 317.89, 318.33, 317.68, 318.56, 317.89
|
||||||
|
1961, 08, 22508, 1961.6219, 316.79, 318.08, 316.45, 317.77, 316.79, 318.08
|
||||||
|
1961, 09, 22539, 1961.7068, 314.99, 317.90, 314.92, 317.85, 314.99, 317.90
|
||||||
|
1961, 10, 22569, 1961.7890, 315.31, 318.32, 314.92, 317.92, 315.31, 318.32
|
||||||
|
1961, 11, 22600, 1961.8740, 316.10, 317.99, 316.13, 318.00, 316.10, 317.99
|
||||||
|
1961, 12, 22630, 1961.9562, 317.01, 317.78, 317.31, 318.06, 317.01, 317.78
|
||||||
|
1962, 01, 22661, 1962.0411, 317.94, 317.89, 318.19, 318.13, 317.94, 317.89
|
||||||
|
1962, 02, 22692, 1962.1260, 318.55, 317.91, 318.85, 318.20, 318.55, 317.91
|
||||||
|
1962, 03, 22720, 1962.2027, 319.68, 318.39, 319.57, 318.26, 319.68, 318.39
|
||||||
|
1962, 04, 22751, 1962.2877, 320.57, 318.24, 320.67, 318.33, 320.57, 318.24
|
||||||
|
1962, 05, 22781, 1962.3699, 321.02, 318.18, 321.23, 318.39, 321.02, 318.18
|
||||||
|
1962, 06, 22812, 1962.4548, 320.62, 318.47, 320.59, 318.45, 320.62, 318.47
|
||||||
|
1962, 07, 22842, 1962.5370, 319.61, 318.94, 319.16, 318.51, 319.61, 318.94
|
||||||
|
1962, 08, 22873, 1962.6219, 317.40, 318.70, 317.23, 318.56, 317.40, 318.70
|
||||||
|
1962, 09, 22904, 1962.7068, 316.24, 319.17, 315.67, 318.61, 316.24, 319.17
|
||||||
|
1962, 10, 22934, 1962.7890, 315.42, 318.44, 315.63, 318.64, 315.42, 318.44
|
||||||
|
1962, 11, 22965, 1962.8740, 316.69, 318.59, 316.81, 318.68, 316.69, 318.59
|
||||||
|
1962, 12, 22995, 1962.9562, 317.70, 318.47, 317.96, 318.72, 317.70, 318.47
|
||||||
|
1963, 01, 23026, 1963.0411, 318.74, 318.69, 318.82, 318.77, 318.74, 318.69
|
||||||
|
1963, 02, 23057, 1963.1260, 319.07, 318.43, 319.47, 318.81, 319.07, 318.43
|
||||||
|
1963, 03, 23085, 1963.2027, 319.86, 318.56, 320.17, 318.86, 319.86, 318.56
|
||||||
|
1963, 04, 23116, 1963.2877, 321.38, 319.05, 321.27, 318.91, 321.38, 319.05
|
||||||
|
1963, 05, 23146, 1963.3699, 322.25, 319.39, 321.82, 318.97, 322.25, 319.39
|
||||||
|
1963, 06, 23177, 1963.4548, 321.48, 319.32, 321.16, 319.02, 321.48, 319.32
|
||||||
|
1963, 07, 23207, 1963.5370, 319.74, 319.06, 319.71, 319.06, 319.74, 319.06
|
||||||
|
1963, 08, 23238, 1963.6219, 317.77, 319.07, 317.77, 319.11, 317.77, 319.07
|
||||||
|
1963, 09, 23269, 1963.7068, 316.21, 319.14, 316.20, 319.15, 316.21, 319.14
|
||||||
|
1963, 10, 23299, 1963.7890, 315.99, 319.02, 316.17, 319.19, 315.99, 319.02
|
||||||
|
1963, 11, 23330, 1963.8740, 317.07, 318.97, 317.35, 319.23, 317.07, 318.97
|
||||||
|
1963, 12, 23360, 1963.9562, 318.35, 319.13, 318.52, 319.28, 318.35, 319.13
|
||||||
|
1964, 01, 23391, 1964.0410, 319.57, 319.52, 319.38, 319.32, 319.57, 319.52
|
||||||
|
1964, 02, 23422, 1964.1257, -99.99, -99.99, 320.02, 319.37, 320.02, 319.37
|
||||||
|
1964, 03, 23451, 1964.2049, -99.99, -99.99, 320.75, 319.41, 320.75, 319.41
|
||||||
|
1964, 04, 23482, 1964.2896, -99.99, -99.99, 321.84, 319.46, 321.84, 319.46
|
||||||
|
1964, 05, 23512, 1964.3716, 322.25, 319.39, 322.35, 319.50, 322.25, 319.39
|
||||||
|
1964, 06, 23543, 1964.4563, 321.89, 319.75, 321.66, 319.53, 321.89, 319.75
|
||||||
|
1964, 07, 23573, 1964.5383, 320.44, 319.79, 320.19, 319.56, 320.44, 319.79
|
||||||
|
1964, 08, 23604, 1964.6230, 318.69, 320.02, 318.23, 319.59, 318.69, 320.02
|
||||||
|
1964, 09, 23635, 1964.7077, 316.71, 319.66, 316.64, 319.61, 316.71, 319.66
|
||||||
|
1964, 10, 23665, 1964.7896, 316.87, 319.91, 316.60, 319.62, 316.87, 319.91
|
||||||
|
1964, 11, 23696, 1964.8743, 317.68, 319.58, 317.76, 319.64, 317.68, 319.58
|
||||||
|
1964, 12, 23726, 1964.9563, 318.71, 319.49, 318.90, 319.66, 318.71, 319.49
|
||||||
|
1965, 01, 23757, 1965.0411, 319.44, 319.39, 319.75, 319.69, 319.44, 319.39
|
||||||
|
1965, 02, 23788, 1965.1260, 320.44, 319.80, 320.38, 319.73, 320.44, 319.80
|
||||||
|
1965, 03, 23816, 1965.2027, 320.89, 319.58, 321.09, 319.77, 320.89, 319.58
|
||||||
|
1965, 04, 23847, 1965.2877, 322.14, 319.78, 322.21, 319.84, 322.14, 319.78
|
||||||
|
1965, 05, 23877, 1965.3699, 322.17, 319.30, 322.78, 319.91, 322.17, 319.30
|
||||||
|
1965, 06, 23908, 1965.4548, 321.87, 319.70, 322.16, 320.00, 321.87, 319.70
|
||||||
|
1965, 07, 23938, 1965.5370, 321.21, 320.52, 320.76, 320.10, 321.21, 320.52
|
||||||
|
1965, 08, 23969, 1965.6219, 318.87, 320.17, 318.87, 320.21, 318.87, 320.17
|
||||||
|
1965, 09, 24000, 1965.7068, 317.82, 320.77, 317.36, 320.33, 317.82, 320.77
|
||||||
|
1965, 10, 24030, 1965.7890, 317.30, 320.36, 317.40, 320.44, 317.30, 320.36
|
||||||
|
1965, 11, 24061, 1965.8740, 318.87, 320.78, 318.66, 320.55, 318.87, 320.78
|
||||||
|
1965, 12, 24091, 1965.9562, 319.42, 320.20, 319.90, 320.67, 319.42, 320.20
|
||||||
|
1966, 01, 24122, 1966.0411, 320.62, 320.58, 320.85, 320.79, 320.62, 320.58
|
||||||
|
1966, 02, 24153, 1966.1260, 321.60, 320.95, 321.57, 320.91, 321.60, 320.95
|
||||||
|
1966, 03, 24181, 1966.2027, 322.39, 321.08, 322.34, 321.01, 322.39, 321.08
|
||||||
|
1966, 04, 24212, 1966.2877, 323.70, 321.34, 323.50, 321.13, 323.70, 321.34
|
||||||
|
1966, 05, 24242, 1966.3699, 324.08, 321.20, 324.11, 321.23, 324.08, 321.20
|
||||||
|
1966, 06, 24273, 1966.4548, 323.75, 321.57, 323.49, 321.32, 323.75, 321.57
|
||||||
|
1966, 07, 24303, 1966.5370, 322.38, 321.69, 322.06, 321.41, 322.38, 321.69
|
||||||
|
1966, 08, 24334, 1966.6219, 320.36, 321.67, 320.14, 321.49, 320.36, 321.67
|
||||||
|
1966, 09, 24365, 1966.7068, 318.64, 321.60, 318.58, 321.56, 318.64, 321.60
|
||||||
|
1966, 10, 24395, 1966.7890, 318.10, 321.17, 318.57, 321.62, 318.10, 321.17
|
||||||
|
1966, 11, 24426, 1966.8740, 319.78, 321.71, 319.79, 321.69, 319.78, 321.71
|
||||||
|
1966, 12, 24456, 1966.9562, 321.03, 321.81, 320.98, 321.75, 321.03, 321.81
|
||||||
|
1967, 01, 24487, 1967.0411, 322.33, 322.28, 321.86, 321.80, 322.33, 322.28
|
||||||
|
1967, 02, 24518, 1967.1260, 322.50, 321.85, 322.52, 321.86, 322.50, 321.85
|
||||||
|
1967, 03, 24546, 1967.2027, 323.04, 321.72, 323.24, 321.91, 323.04, 321.72
|
||||||
|
1967, 04, 24577, 1967.2877, 324.42, 322.05, 324.35, 321.96, 324.42, 322.05
|
||||||
|
1967, 05, 24607, 1967.3699, 325.00, 322.11, 324.91, 322.02, 325.00, 322.11
|
||||||
|
1967, 06, 24638, 1967.4548, 324.09, 321.90, 324.25, 322.08, 324.09, 321.90
|
||||||
|
1967, 07, 24668, 1967.5370, 322.54, 321.86, 322.80, 322.14, 322.54, 321.86
|
||||||
|
1967, 08, 24699, 1967.6219, 320.92, 322.23, 320.86, 322.21, 320.92, 322.23
|
||||||
|
1967, 09, 24730, 1967.7068, 319.25, 322.23, 319.29, 322.28, 319.25, 322.23
|
||||||
|
1967, 10, 24760, 1967.7890, 319.39, 322.47, 319.29, 322.35, 319.39, 322.47
|
||||||
|
1967, 11, 24791, 1967.8740, 320.72, 322.65, 320.52, 322.43, 320.72, 322.65
|
||||||
|
1967, 12, 24821, 1967.9562, 321.96, 322.74, 321.73, 322.50, 321.96, 322.74
|
||||||
|
1968, 01, 24852, 1968.0410, 322.57, 322.52, 322.63, 322.57, 322.57, 322.52
|
||||||
|
1968, 02, 24883, 1968.1257, 323.15, 322.49, 323.32, 322.66, 323.15, 322.49
|
||||||
|
1968, 03, 24912, 1968.2049, 323.89, 322.55, 324.09, 322.74, 323.89, 322.55
|
||||||
|
1968, 04, 24943, 1968.2896, 325.02, 322.62, 325.25, 322.83, 325.02, 322.62
|
||||||
|
1968, 05, 24973, 1968.3716, 325.57, 322.67, 325.82, 322.93, 325.57, 322.67
|
||||||
|
1968, 06, 25004, 1968.4563, 325.36, 323.18, 325.19, 323.04, 325.36, 323.18
|
||||||
|
1968, 07, 25034, 1968.5383, 324.14, 323.48, 323.78, 323.14, 324.14, 323.48
|
||||||
|
1968, 08, 25065, 1968.6230, 322.11, 323.45, 321.88, 323.26, 322.11, 323.45
|
||||||
|
1968, 09, 25096, 1968.7077, 320.33, 323.32, 320.37, 323.37, 320.33, 323.32
|
||||||
|
1968, 10, 25126, 1968.7896, 320.25, 323.33, 320.42, 323.49, 320.25, 323.33
|
||||||
|
1968, 11, 25157, 1968.8743, 321.32, 323.25, 321.71, 323.62, 321.32, 323.25
|
||||||
|
1968, 12, 25187, 1968.9563, 322.89, 323.68, 322.98, 323.75, 322.89, 323.68
|
||||||
|
1969, 01, 25218, 1969.0411, 324.00, 323.96, 323.95, 323.89, 324.00, 323.96
|
||||||
|
1969, 02, 25249, 1969.1260, 324.41, 323.76, 324.70, 324.03, 324.41, 323.76
|
||||||
|
1969, 03, 25277, 1969.2027, 325.63, 324.31, 325.50, 324.17, 325.63, 324.31
|
||||||
|
1969, 04, 25308, 1969.2877, 326.66, 324.28, 326.71, 324.31, 326.66, 324.28
|
||||||
|
1969, 05, 25338, 1969.3699, 327.38, 324.47, 327.35, 324.44, 327.38, 324.47
|
||||||
|
1969, 06, 25369, 1969.4548, 326.71, 324.50, 326.76, 324.58, 326.71, 324.50
|
||||||
|
1969, 07, 25399, 1969.5370, 325.88, 325.19, 325.36, 324.69, 325.88, 325.19
|
||||||
|
1969, 08, 25430, 1969.6219, 323.66, 324.99, 323.45, 324.81, 323.66, 324.99
|
||||||
|
1969, 09, 25461, 1969.7068, 322.38, 325.37, 321.90, 324.91, 322.38, 325.37
|
||||||
|
1969, 10, 25491, 1969.7890, 321.78, 324.88, 321.91, 325.00, 321.78, 324.88
|
||||||
|
1969, 11, 25522, 1969.8740, 322.85, 324.80, 323.16, 325.08, 322.85, 324.80
|
||||||
|
1969, 12, 25552, 1969.9562, 324.11, 324.91, 324.39, 325.16, 324.11, 324.91
|
||||||
|
1970, 01, 25583, 1970.0411, 325.06, 325.01, 325.30, 325.24, 325.06, 325.01
|
||||||
|
1970, 02, 25614, 1970.1260, 325.98, 325.32, 326.00, 325.33, 325.98, 325.32
|
||||||
|
1970, 03, 25642, 1970.2027, 326.93, 325.60, 326.74, 325.40, 326.93, 325.60
|
||||||
|
1970, 04, 25673, 1970.2877, 328.13, 325.74, 327.89, 325.48, 328.13, 325.74
|
||||||
|
1970, 05, 25703, 1970.3699, 328.08, 325.16, 328.47, 325.56, 328.08, 325.16
|
||||||
|
1970, 06, 25734, 1970.4548, 327.67, 325.46, 327.83, 325.63, 327.67, 325.46
|
||||||
|
1970, 07, 25764, 1970.5370, 326.34, 325.65, 326.37, 325.71, 326.34, 325.65
|
||||||
|
1970, 08, 25795, 1970.6219, 324.68, 326.01, 324.41, 325.78, 324.68, 326.01
|
||||||
|
1970, 09, 25826, 1970.7068, 323.10, 326.10, 322.82, 325.84, 323.10, 326.10
|
||||||
|
1970, 10, 25856, 1970.7890, 323.07, 326.17, 322.80, 325.89, 323.07, 326.17
|
||||||
|
1970, 11, 25887, 1970.8740, 324.01, 325.96, 324.01, 325.93, 324.01, 325.96
|
||||||
|
1970, 12, 25917, 1970.9562, 325.13, 325.93, 325.19, 325.97, 325.13, 325.93
|
||||||
|
1971, 01, 25948, 1971.0411, 326.17, 326.12, 326.07, 326.01, 326.17, 326.12
|
||||||
|
1971, 02, 25979, 1971.1260, 326.68, 326.02, 326.72, 326.05, 326.68, 326.02
|
||||||
|
1971, 03, 26007, 1971.2027, 327.18, 325.84, 327.44, 326.09, 327.18, 325.84
|
||||||
|
1971, 04, 26038, 1971.2877, 327.79, 325.38, 328.56, 326.14, 327.79, 325.38
|
||||||
|
1971, 05, 26068, 1971.3699, 328.93, 326.00, 329.13, 326.20, 328.93, 326.00
|
||||||
|
1971, 06, 26099, 1971.4548, 328.57, 326.35, 328.47, 326.27, 328.57, 326.35
|
||||||
|
1971, 07, 26129, 1971.5370, 327.36, 326.66, 327.00, 326.34, 327.36, 326.66
|
||||||
|
1971, 08, 26160, 1971.6219, 325.43, 326.76, 325.04, 326.41, 325.43, 326.76
|
||||||
|
1971, 09, 26191, 1971.7068, 323.36, 326.38, 323.45, 326.48, 323.36, 326.38
|
||||||
|
1971, 10, 26221, 1971.7890, 323.56, 326.68, 323.45, 326.55, 323.56, 326.68
|
||||||
|
1971, 11, 26252, 1971.8740, 324.80, 326.75, 324.69, 326.62, 324.80, 326.75
|
||||||
|
1971, 12, 26282, 1971.9562, 326.01, 326.81, 325.92, 326.70, 326.01, 326.81
|
||||||
|
1972, 01, 26313, 1972.0410, 326.77, 326.72, 326.85, 326.79, 326.77, 326.72
|
||||||
|
1972, 02, 26344, 1972.1257, 327.63, 326.97, 327.55, 326.88, 327.63, 326.97
|
||||||
|
1972, 03, 26373, 1972.2049, 327.75, 326.39, 328.36, 326.98, 327.75, 326.39
|
||||||
|
1972, 04, 26404, 1972.2896, 329.72, 327.29, 329.55, 327.10, 329.72, 327.29
|
||||||
|
1972, 05, 26434, 1972.3716, 330.07, 327.13, 330.17, 327.23, 330.07, 327.13
|
||||||
|
1972, 06, 26465, 1972.4563, 329.09, 326.88, 329.57, 327.38, 329.09, 326.88
|
||||||
|
1972, 07, 26495, 1972.5383, 328.04, 327.37, 328.18, 327.54, 328.04, 327.37
|
||||||
|
1972, 08, 26526, 1972.6230, 326.32, 327.69, 326.33, 327.72, 326.32, 327.69
|
||||||
|
1972, 09, 26557, 1972.7077, 324.84, 327.87, 324.87, 327.92, 324.84, 327.87
|
||||||
|
1972, 10, 26587, 1972.7896, 325.20, 328.32, 325.00, 328.11, 325.20, 328.32
|
||||||
|
1972, 11, 26618, 1972.8743, 326.50, 328.46, 326.38, 328.31, 326.50, 328.46
|
||||||
|
1972, 12, 26648, 1972.9563, 327.55, 328.35, 327.73, 328.51, 327.55, 328.35
|
||||||
|
1973, 01, 26679, 1973.0411, 328.55, 328.50, 328.78, 328.72, 328.55, 328.50
|
||||||
|
1973, 02, 26710, 1973.1260, 329.56, 328.90, 329.60, 328.93, 329.56, 328.90
|
||||||
|
1973, 03, 26738, 1973.2027, 330.30, 328.96, 330.47, 329.11, 330.30, 328.96
|
||||||
|
1973, 04, 26769, 1973.2877, 331.50, 329.08, 331.74, 329.31, 331.50, 329.08
|
||||||
|
1973, 05, 26799, 1973.3699, 332.48, 329.53, 332.43, 329.48, 332.48, 329.53
|
||||||
|
1973, 06, 26830, 1973.4548, 332.07, 329.84, 331.86, 329.64, 332.07, 329.84
|
||||||
|
1973, 07, 26860, 1973.5370, 330.87, 330.17, 330.45, 329.78, 330.87, 330.17
|
||||||
|
1973, 08, 26891, 1973.6219, 329.31, 330.65, 328.51, 329.89, 329.31, 330.65
|
||||||
|
1973, 09, 26922, 1973.7068, 327.52, 330.56, 326.92, 329.97, 327.52, 330.56
|
||||||
|
1973, 10, 26952, 1973.7890, 327.19, 330.33, 326.89, 330.02, 327.19, 330.33
|
||||||
|
1973, 11, 26983, 1973.8740, 328.17, 330.13, 328.11, 330.05, 328.17, 330.13
|
||||||
|
1973, 12, 27013, 1973.9562, 328.65, 329.45, 329.29, 330.08, 328.65, 329.45
|
||||||
|
1974, 01, 27044, 1974.0411, 329.36, 329.31, 330.16, 330.10, 329.36, 329.31
|
||||||
|
1974, 02, 27075, 1974.1260, 330.71, 330.05, 330.80, 330.13, 330.71, 330.05
|
||||||
|
1974, 03, 27103, 1974.2027, 331.49, 330.14, 331.52, 330.15, 331.49, 330.14
|
||||||
|
1974, 04, 27134, 1974.2877, 332.65, 330.23, 332.63, 330.19, 332.65, 330.23
|
||||||
|
1974, 05, 27164, 1974.3699, 333.10, 330.14, 333.19, 330.23, 333.10, 330.14
|
||||||
|
1974, 06, 27195, 1974.4548, 332.26, 330.02, 332.50, 330.27, 332.26, 330.02
|
||||||
|
1974, 07, 27225, 1974.5370, 331.18, 330.48, 331.00, 330.32, 331.18, 330.48
|
||||||
|
1974, 08, 27256, 1974.6219, 329.40, 330.75, 328.99, 330.37, 329.40, 330.75
|
||||||
|
1974, 09, 27287, 1974.7068, 327.44, 330.49, 327.36, 330.42, 327.44, 330.49
|
||||||
|
1974, 10, 27317, 1974.7890, 327.38, 330.53, 327.34, 330.48, 327.38, 330.53
|
||||||
|
1974, 11, 27348, 1974.8740, 328.46, 330.44, 328.58, 330.53, 328.46, 330.44
|
||||||
|
1974, 12, 27378, 1974.9562, 329.58, 330.39, 329.80, 330.60, 329.58, 330.39
|
||||||
|
1975, 01, 27409, 1975.0411, 330.41, 330.36, 330.73, 330.67, 330.41, 330.36
|
||||||
|
1975, 02, 27440, 1975.1260, 331.41, 330.74, 331.43, 330.75, 331.41, 330.74
|
||||||
|
1975, 03, 27468, 1975.2027, 332.05, 330.70, 332.19, 330.83, 332.05, 330.70
|
||||||
|
1975, 04, 27499, 1975.2877, 333.32, 330.88, 333.37, 330.92, 333.32, 330.88
|
||||||
|
1975, 05, 27529, 1975.3699, 333.98, 331.01, 333.99, 331.02, 333.98, 331.01
|
||||||
|
1975, 06, 27560, 1975.4548, 333.61, 331.37, 333.35, 331.12, 333.61, 331.37
|
||||||
|
1975, 07, 27590, 1975.5370, 331.91, 331.21, 331.89, 331.21, 331.91, 331.21
|
||||||
|
1975, 08, 27621, 1975.6219, 330.06, 331.42, 329.92, 331.31, 330.06, 331.42
|
||||||
|
1975, 09, 27652, 1975.7068, 328.56, 331.62, 328.33, 331.40, 328.56, 331.62
|
||||||
|
1975, 10, 27682, 1975.7890, 328.35, 331.51, 328.34, 331.49, 328.35, 331.51
|
||||||
|
1975, 11, 27713, 1975.8740, 329.50, 331.48, 329.61, 331.57, 329.50, 331.48
|
||||||
|
1975, 12, 27743, 1975.9562, 330.77, 331.58, 330.86, 331.65, 330.77, 331.58
|
||||||
|
1976, 01, 27774, 1976.0410, 331.76, 331.71, 331.79, 331.73, 331.76, 331.71
|
||||||
|
1976, 02, 27805, 1976.1257, 332.58, 331.91, 332.49, 331.81, 332.58, 331.91
|
||||||
|
1976, 03, 27834, 1976.2049, 333.50, 332.13, 333.28, 331.89, 333.50, 332.13
|
||||||
|
1976, 04, 27865, 1976.2896, 334.59, 332.13, 334.45, 331.96, 334.59, 332.13
|
||||||
|
1976, 05, 27895, 1976.3716, 334.89, 331.91, 335.02, 332.04, 334.89, 331.91
|
||||||
|
1976, 06, 27926, 1976.4563, 334.34, 332.11, 334.34, 332.12, 334.34, 332.11
|
||||||
|
1976, 07, 27956, 1976.5383, 333.06, 332.38, 332.86, 332.21, 333.06, 332.38
|
||||||
|
1976, 08, 27987, 1976.6230, 330.95, 332.33, 330.89, 332.30, 330.95, 332.33
|
||||||
|
1976, 09, 28018, 1976.7077, 329.31, 332.39, 329.32, 332.41, 329.31, 332.39
|
||||||
|
1976, 10, 28048, 1976.7896, 328.95, 332.11, 329.37, 332.52, 328.95, 332.11
|
||||||
|
1976, 11, 28079, 1976.8743, 330.32, 332.30, 330.69, 332.65, 330.32, 332.30
|
||||||
|
1976, 12, 28109, 1976.9563, 331.69, 332.50, 331.99, 332.79, 331.69, 332.50
|
||||||
|
1977, 01, 28140, 1977.0411, 332.94, 332.89, 333.01, 332.95, 332.94, 332.89
|
||||||
|
1977, 02, 28171, 1977.1260, 333.43, 332.76, 333.80, 333.12, 333.43, 332.76
|
||||||
|
1977, 03, 28199, 1977.2027, 334.71, 333.35, 334.66, 333.28, 334.71, 333.35
|
||||||
|
1977, 04, 28230, 1977.2877, 336.08, 333.63, 335.94, 333.47, 336.08, 333.63
|
||||||
|
1977, 05, 28260, 1977.3699, 336.76, 333.77, 336.64, 333.65, 336.76, 333.77
|
||||||
|
1977, 06, 28291, 1977.4548, 336.28, 334.01, 336.07, 333.83, 336.28, 334.01
|
||||||
|
1977, 07, 28321, 1977.5370, 334.93, 334.22, 334.68, 334.00, 334.93, 334.22
|
||||||
|
1977, 08, 28352, 1977.6219, 332.76, 334.13, 332.77, 334.17, 332.76, 334.13
|
||||||
|
1977, 09, 28383, 1977.7068, 331.60, 334.68, 331.23, 334.33, 331.60, 334.68
|
||||||
|
1977, 10, 28413, 1977.7890, 331.17, 334.35, 331.30, 334.47, 331.17, 334.35
|
||||||
|
1977, 11, 28444, 1977.8740, 332.41, 334.41, 332.64, 334.62, 332.41, 334.41
|
||||||
|
1977, 12, 28474, 1977.9562, 333.86, 334.67, 333.95, 334.75, 333.86, 334.67
|
||||||
|
1978, 01, 28505, 1978.0411, 334.98, 334.93, 334.95, 334.89, 334.98, 334.93
|
||||||
|
1978, 02, 28536, 1978.1260, 335.40, 334.72, 335.71, 335.02, 335.40, 334.72
|
||||||
|
1978, 03, 28564, 1978.2027, 336.65, 335.29, 336.52, 335.14, 336.65, 335.29
|
||||||
|
1978, 04, 28595, 1978.2877, 337.77, 335.31, 337.74, 335.27, 337.77, 335.31
|
||||||
|
1978, 05, 28625, 1978.3699, 338.02, 335.03, 338.38, 335.39, 338.02, 335.03
|
||||||
|
1978, 06, 28656, 1978.4548, 337.91, 335.64, 337.75, 335.50, 337.91, 335.64
|
||||||
|
1978, 07, 28686, 1978.5370, 336.55, 335.84, 336.29, 335.61, 336.55, 335.84
|
||||||
|
1978, 08, 28717, 1978.6219, 334.69, 336.06, 334.31, 335.71, 334.69, 336.06
|
||||||
|
1978, 09, 28748, 1978.7068, 332.77, 335.86, 332.71, 335.81, 332.77, 335.86
|
||||||
|
1978, 10, 28778, 1978.7890, 332.56, 335.74, 332.73, 335.91, 332.56, 335.74
|
||||||
|
1978, 11, 28809, 1978.8740, 333.93, 335.93, 334.02, 336.00, 333.93, 335.93
|
||||||
|
1978, 12, 28839, 1978.9562, 334.96, 335.78, 335.30, 336.10, 334.96, 335.78
|
||||||
|
1979, 01, 28870, 1979.0411, 336.24, 336.19, 336.27, 336.21, 336.24, 336.19
|
||||||
|
1979, 02, 28901, 1979.1260, 336.77, 336.09, 337.01, 336.32, 336.77, 336.09
|
||||||
|
1979, 03, 28929, 1979.2027, 337.97, 336.60, 337.81, 336.43, 337.97, 336.60
|
||||||
|
1979, 04, 28960, 1979.2877, 338.89, 336.43, 339.04, 336.55, 338.89, 336.43
|
||||||
|
1979, 05, 28990, 1979.3699, 339.48, 336.48, 339.69, 336.68, 339.48, 336.48
|
||||||
|
1979, 06, 29021, 1979.4548, 339.30, 337.02, 339.08, 336.82, 339.30, 337.02
|
||||||
|
1979, 07, 29051, 1979.5370, 337.74, 337.03, 337.64, 336.95, 337.74, 337.03
|
||||||
|
1979, 08, 29082, 1979.6219, 336.10, 337.47, 335.69, 337.09, 336.10, 337.47
|
||||||
|
1979, 09, 29113, 1979.7068, 333.93, 337.02, 334.13, 337.24, 333.93, 337.02
|
||||||
|
1979, 10, 29143, 1979.7890, 333.87, 337.07, 334.20, 337.38, 333.87, 337.07
|
||||||
|
1979, 11, 29174, 1979.8740, 335.30, 337.31, 335.56, 337.54, 335.30, 337.31
|
||||||
|
1979, 12, 29204, 1979.9562, 336.74, 337.56, 336.90, 337.70, 336.74, 337.56
|
||||||
|
1980, 01, 29235, 1980.0410, 338.03, 337.98, 337.93, 337.87, 338.03, 337.98
|
||||||
|
1980, 02, 29266, 1980.1257, 338.37, 337.69, 338.72, 338.03, 338.37, 337.69
|
||||||
|
1980, 03, 29295, 1980.2049, 340.09, 338.69, 339.60, 338.19, 340.09, 338.69
|
||||||
|
1980, 04, 29326, 1980.2896, 340.78, 338.28, 340.87, 338.35, 340.78, 338.28
|
||||||
|
1980, 05, 29356, 1980.3716, 341.48, 338.47, 341.52, 338.50, 341.48, 338.47
|
||||||
|
1980, 06, 29387, 1980.4563, 341.18, 338.92, 340.89, 338.65, 341.18, 338.92
|
||||||
|
1980, 07, 29417, 1980.5383, 339.57, 338.88, 339.44, 338.79, 339.57, 338.88
|
||||||
|
1980, 08, 29448, 1980.6230, 337.61, 339.01, 337.48, 338.92, 337.61, 339.01
|
||||||
|
1980, 09, 29479, 1980.7077, 335.90, 339.01, 335.91, 339.04, 335.90, 339.01
|
||||||
|
1980, 10, 29509, 1980.7896, 336.03, 339.23, 335.96, 339.15, 336.03, 339.23
|
||||||
|
1980, 11, 29540, 1980.8743, 337.12, 339.13, 337.27, 339.26, 337.12, 339.13
|
||||||
|
1980, 12, 29570, 1980.9563, 338.23, 339.05, 338.56, 339.36, 338.23, 339.05
|
||||||
|
1981, 01, 29601, 1981.0411, 339.25, 339.20, 339.53, 339.47, 339.25, 339.20
|
||||||
|
1981, 02, 29632, 1981.1260, 340.50, 339.81, 340.26, 339.57, 340.50, 339.81
|
||||||
|
1981, 03, 29660, 1981.2027, 341.40, 340.02, 341.05, 339.66, 341.40, 340.02
|
||||||
|
1981, 04, 29691, 1981.2877, 342.52, 340.04, 342.25, 339.75, 342.52, 340.04
|
||||||
|
1981, 05, 29721, 1981.3699, 342.93, 339.90, 342.86, 339.83, 342.93, 339.90
|
||||||
|
1981, 06, 29752, 1981.4548, 342.27, 339.98, 342.19, 339.92, 342.27, 339.98
|
||||||
|
1981, 07, 29782, 1981.5370, 340.50, 339.79, 340.69, 340.00, 340.50, 339.79
|
||||||
|
1981, 08, 29813, 1981.6219, 338.45, 339.83, 338.68, 340.09, 338.45, 339.83
|
||||||
|
1981, 09, 29844, 1981.7068, 336.71, 339.83, 337.06, 340.19, 336.71, 339.83
|
||||||
|
1981, 10, 29874, 1981.7890, 336.88, 340.10, 337.08, 340.29, 336.88, 340.10
|
||||||
|
1981, 11, 29905, 1981.8740, 338.38, 340.40, 338.40, 340.40, 338.38, 340.40
|
||||||
|
1981, 12, 29935, 1981.9562, 339.63, 340.46, 339.70, 340.51, 339.63, 340.46
|
||||||
|
1982, 01, 29966, 1982.0411, 340.77, 340.72, 340.68, 340.62, 340.77, 340.72
|
||||||
|
1982, 02, 29997, 1982.1260, 341.63, 340.95, 341.42, 340.72, 341.63, 340.95
|
||||||
|
1982, 03, 30025, 1982.2027, 342.72, 341.34, 342.21, 340.81, 342.72, 341.34
|
||||||
|
1982, 04, 30056, 1982.2877, 343.59, 341.10, 343.41, 340.90, 343.59, 341.10
|
||||||
|
1982, 05, 30086, 1982.3699, 344.16, 341.12, 344.02, 340.98, 344.16, 341.12
|
||||||
|
1982, 06, 30117, 1982.4548, 343.37, 341.07, 343.34, 341.06, 343.37, 341.07
|
||||||
|
1982, 07, 30147, 1982.5370, 342.07, 341.35, 341.83, 341.14, 342.07, 341.35
|
||||||
|
1982, 08, 30178, 1982.6219, 339.83, 341.21, 339.80, 341.22, 339.83, 341.21
|
||||||
|
1982, 09, 30209, 1982.7068, 338.00, 341.12, 338.16, 341.31, 338.00, 341.12
|
||||||
|
1982, 10, 30239, 1982.7890, 337.88, 341.11, 338.18, 341.40, 337.88, 341.11
|
||||||
|
1982, 11, 30270, 1982.8740, 339.28, 341.31, 339.51, 341.52, 339.28, 341.31
|
||||||
|
1982, 12, 30300, 1982.9562, 340.51, 341.34, 340.83, 341.65, 340.51, 341.34
|
||||||
|
1983, 01, 30331, 1983.0411, 341.40, 341.35, 341.86, 341.80, 341.40, 341.35
|
||||||
|
1983, 02, 30362, 1983.1260, 342.54, 341.86, 342.67, 341.97, 342.54, 341.86
|
||||||
|
1983, 03, 30390, 1983.2027, 343.12, 341.73, 343.54, 342.14, 343.12, 341.73
|
||||||
|
1983, 04, 30421, 1983.2877, 344.96, 342.46, 344.85, 342.33, 344.96, 342.46
|
||||||
|
1983, 05, 30451, 1983.3699, 345.78, 342.73, 345.57, 342.52, 345.78, 342.73
|
||||||
|
1983, 06, 30482, 1983.4548, 345.34, 343.03, 345.00, 342.71, 345.34, 343.03
|
||||||
|
1983, 07, 30512, 1983.5370, 344.00, 343.27, 343.58, 342.89, 344.00, 343.27
|
||||||
|
1983, 08, 30543, 1983.6219, 342.40, 343.79, 341.64, 343.07, 342.40, 343.79
|
||||||
|
1983, 09, 30574, 1983.7068, 339.89, 343.02, 340.08, 343.23, 339.89, 343.02
|
||||||
|
1983, 10, 30604, 1983.7890, 340.00, 343.25, 340.15, 343.38, 340.00, 343.25
|
||||||
|
1983, 11, 30635, 1983.8740, 341.16, 343.19, 341.52, 343.53, 341.16, 343.19
|
||||||
|
1983, 12, 30665, 1983.9562, 342.99, 343.82, 342.86, 343.68, 342.99, 343.82
|
||||||
|
1984, 01, 30696, 1984.0410, 343.82, 343.77, 343.88, 343.82, 343.82, 343.77
|
||||||
|
1984, 02, 30727, 1984.1257, 344.62, 343.93, 344.66, 343.96, 344.62, 343.93
|
||||||
|
1984, 03, 30756, 1984.2049, 345.39, 343.97, 345.52, 344.09, 345.39, 343.97
|
||||||
|
1984, 04, 30787, 1984.2896, 347.15, 344.62, 346.76, 344.22, 347.15, 344.62
|
||||||
|
1984, 05, 30817, 1984.3716, 347.52, 344.47, 347.39, 344.34, 347.52, 344.47
|
||||||
|
1984, 06, 30848, 1984.4563, 346.88, 344.59, 346.73, 344.46, 346.88, 344.59
|
||||||
|
1984, 07, 30878, 1984.5383, 345.47, 344.77, 345.24, 344.57, 345.47, 344.77
|
||||||
|
1984, 08, 30909, 1984.6230, 343.34, 344.76, 343.23, 344.69, 343.34, 344.76
|
||||||
|
1984, 09, 30940, 1984.7077, 341.13, 344.29, 341.63, 344.80, 341.13, 344.29
|
||||||
|
1984, 10, 30970, 1984.7896, 341.40, 344.64, 341.68, 344.92, 341.40, 344.64
|
||||||
|
1984, 11, 31001, 1984.8743, 343.02, 345.05, 343.03, 345.04, 343.02, 345.05
|
||||||
|
1984, 12, 31031, 1984.9563, 344.25, 345.08, 344.34, 345.16, 344.25, 345.08
|
||||||
|
1985, 01, 31062, 1985.0411, 344.99, 344.94, 345.35, 345.28, 344.99, 344.94
|
||||||
|
1985, 02, 31093, 1985.1260, 346.01, 345.32, 346.11, 345.41, 346.01, 345.32
|
||||||
|
1985, 03, 31121, 1985.2027, 347.43, 346.04, 346.93, 345.52, 347.43, 346.04
|
||||||
|
1985, 04, 31152, 1985.2877, 348.34, 345.83, 348.16, 345.63, 348.34, 345.83
|
||||||
|
1985, 05, 31182, 1985.3699, 348.92, 345.86, 348.80, 345.73, 348.92, 345.86
|
||||||
|
1985, 06, 31213, 1985.4548, 348.24, 345.92, 348.13, 345.83, 348.24, 345.92
|
||||||
|
1985, 07, 31243, 1985.5370, 346.54, 345.81, 346.61, 345.92, 346.54, 345.81
|
||||||
|
1985, 08, 31274, 1985.6219, 344.64, 346.04, 344.57, 346.00, 344.64, 346.04
|
||||||
|
1985, 09, 31305, 1985.7068, 343.06, 346.21, 342.92, 346.09, 343.06, 346.21
|
||||||
|
1985, 10, 31335, 1985.7890, 342.78, 346.04, 342.92, 346.17, 342.78, 346.04
|
||||||
|
1985, 11, 31366, 1985.8740, 344.21, 346.26, 344.24, 346.26, 344.21, 346.26
|
||||||
|
1985, 12, 31396, 1985.9562, 345.53, 346.37, 345.53, 346.35, 345.53, 346.37
|
||||||
|
1986, 01, 31427, 1986.0411, 346.28, 346.23, 346.52, 346.45, 346.28, 346.23
|
||||||
|
1986, 02, 31458, 1986.1260, 346.93, 346.24, 347.27, 346.56, 346.93, 346.24
|
||||||
|
1986, 03, 31486, 1986.2027, 347.83, 346.43, 348.08, 346.67, 347.83, 346.43
|
||||||
|
1986, 04, 31517, 1986.2877, 349.53, 347.01, 349.33, 346.80, 349.53, 347.01
|
||||||
|
1986, 05, 31547, 1986.3699, 350.19, 347.12, 349.99, 346.92, 350.19, 347.12
|
||||||
|
1986, 06, 31578, 1986.4548, 349.53, 347.20, 349.36, 347.05, 349.53, 347.20
|
||||||
|
1986, 07, 31608, 1986.5370, 347.92, 347.19, 347.87, 347.18, 347.92, 347.19
|
||||||
|
1986, 08, 31639, 1986.6219, 345.88, 347.28, 345.87, 347.30, 345.88, 347.28
|
||||||
|
1986, 09, 31670, 1986.7068, 344.83, 348.00, 344.25, 347.43, 344.83, 348.00
|
||||||
|
1986, 10, 31700, 1986.7890, 344.15, 347.43, 344.30, 347.56, 344.15, 347.43
|
||||||
|
1986, 11, 31731, 1986.8740, 345.64, 347.69, 345.66, 347.69, 345.64, 347.69
|
||||||
|
1986, 12, 31761, 1986.9562, 346.88, 347.72, 347.00, 347.82, 346.88, 347.72
|
||||||
|
1987, 01, 31792, 1987.0411, 348.00, 347.95, 348.03, 347.97, 348.00, 347.95
|
||||||
|
1987, 02, 31823, 1987.1260, 348.47, 347.77, 348.82, 348.12, 348.47, 347.77
|
||||||
|
1987, 03, 31851, 1987.2027, 349.40, 348.00, 349.69, 348.27, 349.40, 348.00
|
||||||
|
1987, 04, 31882, 1987.2877, 350.97, 348.44, 350.99, 348.44, 350.97, 348.44
|
||||||
|
1987, 05, 31912, 1987.3699, 351.84, 348.75, 351.70, 348.61, 351.84, 348.75
|
||||||
|
1987, 06, 31943, 1987.4548, 351.25, 348.91, 351.12, 348.80, 351.25, 348.91
|
||||||
|
1987, 07, 31973, 1987.5370, 349.50, 348.76, 349.69, 348.99, 349.50, 348.76
|
||||||
|
1987, 08, 32004, 1987.6219, 348.09, 349.49, 347.74, 349.18, 348.09, 349.49
|
||||||
|
1987, 09, 32035, 1987.7068, 346.44, 349.61, 346.19, 349.38, 346.44, 349.61
|
||||||
|
1987, 10, 32065, 1987.7890, 346.09, 349.38, 346.30, 349.57, 346.09, 349.38
|
||||||
|
1987, 11, 32096, 1987.8740, 347.54, 349.60, 347.73, 349.77, 347.54, 349.60
|
||||||
|
1987, 12, 32126, 1987.9562, 348.69, 349.54, 349.15, 349.97, 348.69, 349.54
|
||||||
|
1988, 01, 32157, 1988.0410, 350.16, 350.11, 350.24, 350.18, 350.16, 350.11
|
||||||
|
1988, 02, 32188, 1988.1257, 351.47, 350.77, 351.09, 350.39, 351.47, 350.77
|
||||||
|
1988, 03, 32217, 1988.2049, 351.96, 350.52, 352.03, 350.58, 351.96, 350.52
|
||||||
|
1988, 04, 32248, 1988.2896, 353.33, 350.77, 353.36, 350.78, 353.33, 350.77
|
||||||
|
1988, 05, 32278, 1988.3716, 353.97, 350.88, 354.06, 350.97, 353.97, 350.88
|
||||||
|
1988, 06, 32309, 1988.4563, 353.55, 351.23, 353.46, 351.16, 353.55, 351.23
|
||||||
|
1988, 07, 32339, 1988.5383, 352.14, 351.43, 352.01, 351.33, 352.14, 351.43
|
||||||
|
1988, 08, 32370, 1988.6230, 350.19, 351.63, 350.03, 351.50, 350.19, 351.63
|
||||||
|
1988, 09, 32401, 1988.7077, 348.50, 351.69, 348.44, 351.66, 348.50, 351.69
|
||||||
|
1988, 10, 32431, 1988.7896, 348.66, 351.95, 348.52, 351.80, 348.66, 351.95
|
||||||
|
1988, 11, 32462, 1988.8743, 349.85, 351.91, 349.90, 351.93, 349.85, 351.91
|
||||||
|
1988, 12, 32492, 1988.9563, 351.12, 351.96, 351.23, 352.06, 351.12, 351.96
|
||||||
|
1989, 01, 32523, 1989.0411, 352.55, 352.50, 352.24, 352.17, 352.55, 352.50
|
||||||
|
1989, 02, 32554, 1989.1260, 352.86, 352.16, 353.00, 352.29, 352.86, 352.16
|
||||||
|
1989, 03, 32582, 1989.2027, 353.48, 352.07, 353.81, 352.39, 353.48, 352.07
|
||||||
|
1989, 04, 32613, 1989.2877, 355.22, 352.67, 355.05, 352.49, 355.22, 352.67
|
||||||
|
1989, 05, 32643, 1989.3699, 355.47, 352.37, 355.69, 352.59, 355.47, 352.37
|
||||||
|
1989, 06, 32674, 1989.4548, 354.92, 352.57, 355.02, 352.69, 354.92, 352.57
|
||||||
|
1989, 07, 32704, 1989.5370, 353.70, 352.96, 353.50, 352.79, 353.70, 352.96
|
||||||
|
1989, 08, 32735, 1989.6219, 351.47, 352.88, 351.44, 352.89, 351.47, 352.88
|
||||||
|
1989, 09, 32766, 1989.7068, 349.61, 352.80, 349.77, 352.99, 349.61, 352.80
|
||||||
|
1989, 10, 32796, 1989.7890, 349.79, 353.09, 349.79, 353.08, 349.79, 353.09
|
||||||
|
1989, 11, 32827, 1989.8740, 351.10, 353.17, 351.13, 353.18, 351.10, 353.17
|
||||||
|
1989, 12, 32857, 1989.9562, 352.32, 353.17, 352.45, 353.28, 352.32, 353.17
|
||||||
|
1990, 01, 32888, 1990.0411, 353.46, 353.41, 353.45, 353.39, 353.46, 353.41
|
||||||
|
1990, 02, 32919, 1990.1260, 354.50, 353.80, 354.20, 353.49, 354.50, 353.80
|
||||||
|
1990, 03, 32947, 1990.2027, 355.19, 353.77, 355.01, 353.58, 355.19, 353.77
|
||||||
|
1990, 04, 32978, 1990.2877, 356.00, 353.45, 356.26, 353.69, 356.00, 353.45
|
||||||
|
1990, 05, 33008, 1990.3699, 356.96, 353.85, 356.90, 353.79, 356.96, 353.85
|
||||||
|
1990, 06, 33039, 1990.4548, 356.04, 353.68, 356.24, 353.91, 356.04, 353.68
|
||||||
|
1990, 07, 33069, 1990.5370, 354.62, 353.88, 354.73, 354.03, 354.62, 353.88
|
||||||
|
1990, 08, 33100, 1990.6219, 352.71, 354.13, 352.70, 354.16, 352.71, 354.13
|
||||||
|
1990, 09, 33131, 1990.7068, 350.77, 353.98, 351.08, 354.30, 350.77, 353.98
|
||||||
|
1990, 10, 33161, 1990.7890, 350.99, 354.30, 351.14, 354.44, 350.99, 354.30
|
||||||
|
1990, 11, 33192, 1990.8740, 352.64, 354.72, 352.53, 354.59, 352.64, 354.72
|
||||||
|
1990, 12, 33222, 1990.9562, 354.02, 354.87, 353.90, 354.74, 354.02, 354.87
|
||||||
|
1991, 01, 33253, 1991.0411, 354.53, 354.47, 354.95, 354.88, 354.53, 354.47
|
||||||
|
1991, 02, 33284, 1991.1260, 355.55, 354.85, 355.74, 355.02, 355.55, 354.85
|
||||||
|
1991, 03, 33312, 1991.2027, 356.96, 355.54, 356.58, 355.14, 356.96, 355.54
|
||||||
|
1991, 04, 33343, 1991.2877, 358.40, 355.84, 357.84, 355.26, 358.40, 355.84
|
||||||
|
1991, 05, 33373, 1991.3699, 359.14, 356.01, 358.47, 355.35, 359.14, 356.01
|
||||||
|
1991, 06, 33404, 1991.4548, 358.04, 355.68, 357.77, 355.43, 358.04, 355.68
|
||||||
|
1991, 07, 33434, 1991.5370, 355.98, 355.23, 356.20, 355.49, 355.98, 355.23
|
||||||
|
1991, 08, 33465, 1991.6219, 353.81, 355.24, 354.09, 355.55, 353.81, 355.24
|
||||||
|
1991, 09, 33496, 1991.7068, 351.95, 355.17, 352.38, 355.61, 351.95, 355.17
|
||||||
|
1991, 10, 33526, 1991.7890, 352.02, 355.34, 352.36, 355.67, 352.02, 355.34
|
||||||
|
1991, 11, 33557, 1991.8740, 353.55, 355.63, 353.67, 355.73, 353.55, 355.63
|
||||||
|
1991, 12, 33587, 1991.9562, 354.79, 355.64, 354.96, 355.80, 354.79, 355.64
|
||||||
|
1992, 01, 33618, 1992.0410, 355.79, 355.73, 355.93, 355.87, 355.79, 355.73
|
||||||
|
1992, 02, 33649, 1992.1257, 356.52, 355.82, 356.65, 355.94, 356.52, 355.82
|
||||||
|
1992, 03, 33678, 1992.2049, 357.61, 356.16, 357.47, 356.00, 357.61, 356.16
|
||||||
|
1992, 04, 33709, 1992.2896, 358.95, 356.36, 358.68, 356.07, 358.95, 356.36
|
||||||
|
1992, 05, 33739, 1992.3716, 359.46, 356.33, 359.25, 356.12, 359.46, 356.33
|
||||||
|
1992, 06, 33770, 1992.4563, 359.05, 356.70, 358.49, 356.16, 359.05, 356.70
|
||||||
|
1992, 07, 33800, 1992.5383, 356.82, 356.11, 356.88, 356.20, 356.82, 356.11
|
||||||
|
1992, 08, 33831, 1992.6230, 354.80, 356.26, 354.74, 356.23, 354.80, 356.26
|
||||||
|
1992, 09, 33862, 1992.7077, 352.81, 356.04, 353.01, 356.26, 352.81, 356.04
|
||||||
|
1992, 10, 33892, 1992.7896, 353.11, 356.44, 352.98, 356.29, 353.11, 356.44
|
||||||
|
1992, 11, 33923, 1992.8743, 353.96, 356.05, 354.27, 356.33, 353.96, 356.05
|
||||||
|
1992, 12, 33953, 1992.9563, 355.20, 356.05, 355.54, 356.37, 355.20, 356.05
|
||||||
|
1993, 01, 33984, 1993.0411, 356.50, 356.45, 356.49, 356.43, 356.50, 356.45
|
||||||
|
1993, 02, 34015, 1993.1260, 356.97, 356.26, 357.21, 356.49, 356.97, 356.26
|
||||||
|
1993, 03, 34043, 1993.2027, 358.18, 356.75, 358.00, 356.55, 358.18, 356.75
|
||||||
|
1993, 04, 34074, 1993.2877, 359.26, 356.68, 359.22, 356.63, 359.26, 356.68
|
||||||
|
1993, 05, 34104, 1993.3699, 360.08, 356.94, 359.85, 356.71, 360.08, 356.94
|
||||||
|
1993, 06, 34135, 1993.4548, 359.40, 357.02, 359.16, 356.80, 359.40, 357.02
|
||||||
|
1993, 07, 34165, 1993.5370, 357.38, 356.63, 357.62, 356.90, 357.38, 356.63
|
||||||
|
1993, 08, 34196, 1993.6219, 355.33, 356.76, 355.55, 357.01, 355.33, 356.76
|
||||||
|
1993, 09, 34227, 1993.7068, 353.50, 356.74, 353.89, 357.14, 353.50, 356.74
|
||||||
|
1993, 10, 34257, 1993.7890, 353.80, 357.14, 353.95, 357.28, 353.80, 357.14
|
||||||
|
1993, 11, 34288, 1993.8740, 355.15, 357.24, 355.36, 357.44, 355.15, 357.24
|
||||||
|
1993, 12, 34318, 1993.9562, 356.62, 357.47, 356.75, 357.59, 356.62, 357.47
|
||||||
|
1994, 01, 34349, 1994.0411, 358.19, 358.14, 357.83, 357.76, 358.19, 358.14
|
||||||
|
1994, 02, 34380, 1994.1260, 358.73, 358.02, 358.66, 357.93, 358.73, 358.02
|
||||||
|
1994, 03, 34408, 1994.2027, 359.79, 358.35, 359.54, 358.09, 359.79, 358.35
|
||||||
|
1994, 04, 34439, 1994.2877, 361.09, 358.50, 360.86, 358.26, 361.09, 358.50
|
||||||
|
1994, 05, 34469, 1994.3699, 361.51, 358.36, 361.57, 358.42, 361.51, 358.36
|
||||||
|
1994, 06, 34500, 1994.4548, 360.77, 358.39, 360.96, 358.59, 360.77, 358.39
|
||||||
|
1994, 07, 34530, 1994.5370, 359.38, 358.63, 359.47, 358.75, 359.38, 358.63
|
||||||
|
1994, 08, 34561, 1994.6219, 357.31, 358.74, 357.46, 358.93, 357.31, 358.74
|
||||||
|
1994, 09, 34592, 1994.7068, 355.68, 358.92, 355.85, 359.11, 355.68, 358.92
|
||||||
|
1994, 10, 34622, 1994.7890, 355.83, 359.19, 355.94, 359.29, 355.83, 359.19
|
||||||
|
1994, 11, 34653, 1994.8740, 357.42, 359.53, 357.39, 359.47, 357.42, 359.53
|
||||||
|
1994, 12, 34683, 1994.9562, 358.88, 359.74, 358.81, 359.65, 358.88, 359.74
|
||||||
|
1995, 01, 34714, 1995.0411, 359.81, 359.76, 359.90, 359.84, 359.81, 359.76
|
||||||
|
1995, 02, 34745, 1995.1260, 360.84, 360.13, 360.74, 360.02, 360.84, 360.13
|
||||||
|
1995, 03, 34773, 1995.2027, 361.48, 360.04, 361.64, 360.18, 361.48, 360.04
|
||||||
|
1995, 04, 34804, 1995.2877, 363.30, 360.71, 362.97, 360.36, 363.30, 360.71
|
||||||
|
1995, 05, 34834, 1995.3699, 363.64, 360.48, 363.68, 360.52, 363.64, 360.48
|
||||||
|
1995, 06, 34865, 1995.4548, 363.11, 360.72, 363.06, 360.69, 363.11, 360.72
|
||||||
|
1995, 07, 34895, 1995.5370, 361.75, 360.99, 361.57, 360.85, 361.75, 360.99
|
||||||
|
1995, 08, 34926, 1995.6219, 359.31, 360.75, 359.53, 361.01, 359.31, 360.75
|
||||||
|
1995, 09, 34957, 1995.7068, 357.91, 361.17, 357.90, 361.17, 357.91, 361.17
|
||||||
|
1995, 10, 34987, 1995.7890, 357.62, 360.98, 357.98, 361.33, 357.62, 360.98
|
||||||
|
1995, 11, 35018, 1995.8740, 359.42, 361.54, 359.40, 361.49, 359.42, 361.54
|
||||||
|
1995, 12, 35048, 1995.9562, 360.56, 361.42, 360.80, 361.65, 360.56, 361.42
|
||||||
|
1996, 01, 35079, 1996.0410, 361.91, 361.86, 361.87, 361.80, 361.91, 361.86
|
||||||
|
1996, 02, 35110, 1996.1257, 363.11, 362.39, 362.67, 361.95, 363.11, 362.39
|
||||||
|
1996, 03, 35139, 1996.2049, 363.88, 362.42, 363.56, 362.08, 363.88, 362.42
|
||||||
|
1996, 04, 35170, 1996.2896, 364.58, 361.96, 364.85, 362.21, 364.58, 361.96
|
||||||
|
1996, 05, 35200, 1996.3716, 365.29, 362.11, 365.49, 362.32, 365.29, 362.11
|
||||||
|
1996, 06, 35231, 1996.4563, 364.84, 362.46, 364.79, 362.43, 364.84, 362.46
|
||||||
|
1996, 07, 35261, 1996.5383, 363.52, 362.80, 363.22, 362.53, 363.52, 362.80
|
||||||
|
1996, 08, 35292, 1996.6230, 361.35, 362.82, 361.11, 362.62, 361.35, 362.82
|
||||||
|
1996, 09, 35323, 1996.7077, 359.32, 362.59, 359.42, 362.71, 359.32, 362.59
|
||||||
|
1996, 10, 35353, 1996.7896, 359.48, 362.85, 359.43, 362.79, 359.48, 362.85
|
||||||
|
1996, 11, 35384, 1996.8743, 360.64, 362.75, 360.78, 362.87, 360.64, 362.75
|
||||||
|
1996, 12, 35414, 1996.9563, 362.21, 363.07, 362.10, 362.95, 362.21, 363.07
|
||||||
|
1997, 01, 35445, 1997.0411, 363.06, 363.01, 363.10, 363.03, 363.06, 363.01
|
||||||
|
1997, 02, 35476, 1997.1260, 363.87, 363.15, 363.85, 363.12, 363.87, 363.15
|
||||||
|
1997, 03, 35504, 1997.2027, 364.44, 363.00, 364.67, 363.21, 364.44, 363.00
|
||||||
|
1997, 04, 35535, 1997.2877, 366.23, 363.62, 365.94, 363.31, 366.23, 363.62
|
||||||
|
1997, 05, 35565, 1997.3699, 366.68, 363.50, 366.61, 363.43, 366.68, 363.50
|
||||||
|
1997, 06, 35596, 1997.4548, 365.52, 363.11, 365.95, 363.57, 365.52, 363.11
|
||||||
|
1997, 07, 35626, 1997.5370, 364.36, 363.60, 364.44, 363.72, 364.36, 363.60
|
||||||
|
1997, 08, 35657, 1997.6219, 362.39, 363.84, 362.41, 363.89, 362.39, 363.84
|
||||||
|
1997, 09, 35688, 1997.7068, 360.08, 363.35, 360.80, 364.09, 360.08, 363.35
|
||||||
|
1997, 10, 35718, 1997.7890, 360.67, 364.05, 360.94, 364.31, 360.67, 364.05
|
||||||
|
1997, 11, 35749, 1997.8740, 362.32, 364.45, 362.45, 364.55, 362.32, 364.45
|
||||||
|
1997, 12, 35779, 1997.9562, 364.17, 365.03, 363.96, 364.81, 364.17, 365.03
|
||||||
|
1998, 01, 35810, 1998.0411, 365.22, 365.17, 365.14, 365.08, 365.22, 365.17
|
||||||
|
1998, 02, 35841, 1998.1260, 366.04, 365.32, 366.08, 365.35, 366.04, 365.32
|
||||||
|
1998, 03, 35869, 1998.2027, 367.20, 365.75, 367.07, 365.60, 367.20, 365.75
|
||||||
|
1998, 04, 35900, 1998.2877, 368.50, 365.88, 368.51, 365.88, 368.50, 365.88
|
||||||
|
1998, 05, 35930, 1998.3699, 369.19, 366.00, 369.33, 366.14, 369.19, 366.00
|
||||||
|
1998, 06, 35961, 1998.4548, 368.77, 366.35, 368.80, 366.40, 368.77, 366.35
|
||||||
|
1998, 07, 35991, 1998.5370, 367.53, 366.77, 367.37, 366.65, 367.53, 366.77
|
||||||
|
1998, 08, 36022, 1998.6219, 365.67, 367.13, 365.39, 366.88, 365.67, 367.13
|
||||||
|
1998, 09, 36053, 1998.7068, 363.80, 367.09, 363.80, 367.10, 363.80, 367.09
|
||||||
|
1998, 10, 36083, 1998.7890, 364.13, 367.53, 363.91, 367.29, 364.13, 367.53
|
||||||
|
1998, 11, 36114, 1998.8740, 365.36, 367.49, 365.36, 367.47, 365.36, 367.49
|
||||||
|
1998, 12, 36144, 1998.9562, 366.87, 367.74, 366.77, 367.62, 366.87, 367.74
|
||||||
|
1999, 01, 36175, 1999.0411, 368.05, 368.00, 367.82, 367.75, 368.05, 368.00
|
||||||
|
1999, 02, 36206, 1999.1260, 368.77, 368.05, 368.60, 367.87, 368.77, 368.05
|
||||||
|
1999, 03, 36234, 1999.2027, 369.49, 368.03, 369.43, 367.95, 369.49, 368.03
|
||||||
|
1999, 04, 36265, 1999.2877, 371.04, 368.41, 370.68, 368.04, 371.04, 368.41
|
||||||
|
1999, 05, 36295, 1999.3699, 370.90, 367.70, 371.31, 368.11, 370.90, 367.70
|
||||||
|
1999, 06, 36326, 1999.4548, 370.25, 367.83, 370.58, 368.18, 370.25, 367.83
|
||||||
|
1999, 07, 36356, 1999.5370, 369.17, 368.41, 368.97, 368.24, 369.17, 368.41
|
||||||
|
1999, 08, 36387, 1999.6219, 366.83, 368.29, 366.82, 368.32, 366.83, 368.29
|
||||||
|
1999, 09, 36418, 1999.7068, 364.54, 367.84, 365.08, 368.39, 364.54, 367.84
|
||||||
|
1999, 10, 36448, 1999.7890, 365.04, 368.44, 365.08, 368.47, 365.04, 368.44
|
||||||
|
1999, 11, 36479, 1999.8740, 366.58, 368.72, 366.44, 368.56, 366.58, 368.72
|
||||||
|
1999, 12, 36509, 1999.9562, 367.92, 368.79, 367.79, 368.64, 367.92, 368.79
|
||||||
|
2000, 01, 36540, 2000.0410, 369.05, 369.00, 368.80, 368.73, 369.05, 369.00
|
||||||
|
2000, 02, 36571, 2000.1257, 369.37, 368.65, 369.56, 368.83, 369.37, 368.65
|
||||||
|
2000, 03, 36600, 2000.2049, 370.42, 368.94, 370.43, 368.92, 370.42, 368.94
|
||||||
|
2000, 04, 36631, 2000.2896, 371.57, 368.91, 371.71, 369.03, 371.57, 368.91
|
||||||
|
2000, 05, 36661, 2000.3716, 371.74, 368.53, 372.36, 369.15, 371.74, 368.53
|
||||||
|
2000, 06, 36692, 2000.4563, 371.60, 369.19, 371.67, 369.28, 371.60, 369.19
|
||||||
|
2000, 07, 36722, 2000.5383, 370.02, 369.29, 370.12, 369.42, 370.02, 369.29
|
||||||
|
2000, 08, 36753, 2000.6230, 368.03, 369.52, 368.03, 369.56, 368.03, 369.52
|
||||||
|
2000, 09, 36784, 2000.7077, 366.53, 369.85, 366.38, 369.71, 366.53, 369.85
|
||||||
|
2000, 10, 36814, 2000.7896, 366.64, 370.05, 366.45, 369.85, 366.64, 370.05
|
||||||
|
2000, 11, 36845, 2000.8743, 368.20, 370.34, 367.88, 369.99, 368.20, 370.34
|
||||||
|
2000, 12, 36875, 2000.9563, 369.44, 370.31, 369.26, 370.12, 369.44, 370.31
|
||||||
|
2001, 01, 36906, 2001.0411, 370.20, 370.14, 370.31, 370.25, 370.20, 370.14
|
||||||
|
2001, 02, 36937, 2001.1260, 371.41, 370.69, 371.11, 370.37, 371.41, 370.69
|
||||||
|
2001, 03, 36965, 2001.2027, 372.04, 370.57, 371.96, 370.48, 372.04, 370.57
|
||||||
|
2001, 04, 36996, 2001.2877, 372.78, 370.14, 373.26, 370.60, 372.78, 370.14
|
||||||
|
2001, 05, 37026, 2001.3699, 373.94, 370.72, 373.94, 370.72, 373.94, 370.72
|
||||||
|
2001, 06, 37057, 2001.4548, 373.23, 370.79, 373.27, 370.85, 373.23, 370.79
|
||||||
|
2001, 07, 37087, 2001.5370, 371.54, 370.77, 371.71, 370.98, 371.54, 370.77
|
||||||
|
2001, 08, 37118, 2001.6219, 369.47, 370.94, 369.62, 371.13, 369.47, 370.94
|
||||||
|
2001, 09, 37149, 2001.7068, 367.88, 371.19, 367.95, 371.28, 367.88, 371.19
|
||||||
|
2001, 10, 37179, 2001.7890, 368.01, 371.44, 368.02, 371.43, 368.01, 371.44
|
||||||
|
2001, 11, 37210, 2001.8740, 369.60, 371.75, 369.47, 371.60, 369.60, 371.75
|
||||||
|
2001, 12, 37240, 2001.9562, 371.16, 372.04, 370.90, 371.76, 371.16, 372.04
|
||||||
|
2002, 01, 37271, 2002.0411, 372.36, 372.30, 372.00, 371.93, 372.36, 372.30
|
||||||
|
2002, 02, 37302, 2002.1260, 373.00, 372.27, 372.84, 372.10, 373.00, 372.27
|
||||||
|
2002, 03, 37330, 2002.2027, 373.44, 371.97, 373.75, 372.26, 373.44, 371.97
|
||||||
|
2002, 04, 37361, 2002.2877, 374.77, 372.12, 375.12, 372.45, 374.77, 372.12
|
||||||
|
2002, 05, 37391, 2002.3699, 375.48, 372.25, 375.88, 372.65, 375.48, 372.25
|
||||||
|
2002, 06, 37422, 2002.4548, 375.33, 372.89, 375.28, 372.86, 375.33, 372.89
|
||||||
|
2002, 07, 37452, 2002.5370, 373.95, 373.18, 373.81, 373.07, 373.95, 373.18
|
||||||
|
2002, 08, 37483, 2002.6219, 371.41, 372.88, 371.79, 373.30, 371.41, 372.88
|
||||||
|
2002, 09, 37514, 2002.7068, 370.63, 373.95, 370.19, 373.53, 370.63, 373.95
|
||||||
|
2002, 10, 37544, 2002.7890, 370.18, 373.62, 370.34, 373.76, 370.18, 373.62
|
||||||
|
2002, 11, 37575, 2002.8740, 372.01, 374.17, 371.86, 373.99, 372.01, 374.17
|
||||||
|
2002, 12, 37605, 2002.9562, 373.71, 374.59, 373.35, 374.22, 373.71, 374.59
|
||||||
|
2003, 01, 37636, 2003.0411, 374.61, 374.56, 374.51, 374.44, 374.61, 374.56
|
||||||
|
2003, 02, 37667, 2003.1260, 375.55, 374.82, 375.40, 374.66, 375.55, 374.82
|
||||||
|
2003, 03, 37695, 2003.2027, 376.04, 374.56, 376.35, 374.86, 376.04, 374.56
|
||||||
|
2003, 04, 37726, 2003.2877, 377.58, 374.92, 377.74, 375.07, 377.58, 374.92
|
||||||
|
2003, 05, 37756, 2003.3699, 378.28, 375.04, 378.51, 375.27, 378.28, 375.04
|
||||||
|
2003, 06, 37787, 2003.4548, 378.07, 375.61, 377.91, 375.48, 378.07, 375.61
|
||||||
|
2003, 07, 37817, 2003.5370, 376.55, 375.77, 376.41, 375.67, 376.55, 375.77
|
||||||
|
2003, 08, 37848, 2003.6219, 374.42, 375.90, 374.35, 375.86, 374.42, 375.90
|
||||||
|
2003, 09, 37879, 2003.7068, 372.92, 376.25, 372.69, 376.04, 372.92, 376.25
|
||||||
|
2003, 10, 37909, 2003.7890, 372.94, 376.39, 372.77, 376.21, 372.94, 376.39
|
||||||
|
2003, 11, 37940, 2003.8740, 374.29, 376.45, 374.23, 376.37, 374.29, 376.45
|
||||||
|
2003, 12, 37970, 2003.9562, 375.63, 376.51, 375.65, 376.51, 375.63, 376.51
|
||||||
|
2004, 01, 38001, 2004.0410, 376.73, 376.67, 376.72, 376.65, 376.73, 376.67
|
||||||
|
2004, 02, 38032, 2004.1257, 377.31, 376.57, 377.53, 376.79, 377.31, 376.57
|
||||||
|
2004, 03, 38061, 2004.2049, 378.33, 376.83, 378.43, 376.91, 378.33, 376.83
|
||||||
|
2004, 04, 38092, 2004.2896, 380.44, 377.75, 379.74, 377.03, 380.44, 377.75
|
||||||
|
2004, 05, 38122, 2004.3716, 380.56, 377.31, 380.39, 377.14, 380.56, 377.31
|
||||||
|
2004, 06, 38153, 2004.4563, 379.49, 377.05, 379.67, 377.26, 379.49, 377.05
|
||||||
|
2004, 07, 38183, 2004.5383, 377.71, 376.96, 378.09, 377.38, 377.71, 376.96
|
||||||
|
2004, 08, 38214, 2004.6230, 375.77, 377.29, 375.97, 377.52, 375.77, 377.29
|
||||||
|
2004, 09, 38245, 2004.7077, 373.99, 377.35, 374.30, 377.67, 373.99, 377.35
|
||||||
|
2004, 10, 38275, 2004.7896, 374.17, 377.62, 374.39, 377.83, 374.17, 377.62
|
||||||
|
2004, 11, 38306, 2004.8743, 375.79, 377.96, 375.87, 378.01, 375.79, 377.96
|
||||||
|
2004, 12, 38336, 2004.9563, 377.39, 378.28, 377.34, 378.20, 377.39, 378.28
|
||||||
|
2005, 01, 38367, 2005.0411, 378.29, 378.23, 378.48, 378.41, 378.29, 378.23
|
||||||
|
2005, 02, 38398, 2005.1260, 379.56, 378.82, 379.37, 378.62, 379.56, 378.82
|
||||||
|
2005, 03, 38426, 2005.2027, 380.06, 378.57, 380.32, 378.82, 380.06, 378.57
|
||||||
|
2005, 04, 38457, 2005.2877, 382.02, 379.34, 381.74, 379.04, 382.02, 379.34
|
||||||
|
2005, 05, 38487, 2005.3699, 382.21, 378.95, 382.52, 379.26, 382.21, 378.95
|
||||||
|
2005, 06, 38518, 2005.4548, 382.05, 379.58, 381.93, 379.48, 382.05, 379.58
|
||||||
|
2005, 07, 38548, 2005.5370, 380.63, 379.86, 380.43, 379.69, 380.63, 379.86
|
||||||
|
2005, 08, 38579, 2005.6219, 378.64, 380.12, 378.38, 379.91, 378.64, 380.12
|
||||||
|
2005, 09, 38610, 2005.7068, 376.38, 379.74, 376.75, 380.12, 376.38, 379.74
|
||||||
|
2005, 10, 38640, 2005.7890, 376.77, 380.24, 376.86, 380.32, 376.77, 380.24
|
||||||
|
2005, 11, 38671, 2005.8740, 378.27, 380.45, 378.36, 380.52, 378.27, 380.45
|
||||||
|
2005, 12, 38701, 2005.9562, 379.93, 380.81, 379.83, 380.70, 379.93, 380.81
|
||||||
|
2006, 01, 38732, 2006.0411, 381.33, 381.28, 380.95, 380.88, 381.33, 381.28
|
||||||
|
2006, 02, 38763, 2006.1260, 381.98, 381.24, 381.81, 381.06, 381.98, 381.24
|
||||||
|
2006, 03, 38791, 2006.2027, 382.53, 381.04, 382.71, 381.21, 382.53, 381.04
|
||||||
|
2006, 04, 38822, 2006.2877, 384.33, 381.65, 384.06, 381.36, 384.33, 381.65
|
||||||
|
2006, 05, 38852, 2006.3699, 384.89, 381.62, 384.78, 381.51, 384.89, 381.62
|
||||||
|
2006, 06, 38883, 2006.4548, 383.99, 381.52, 384.11, 381.65, 383.99, 381.52
|
||||||
|
2006, 07, 38913, 2006.5370, 382.25, 381.47, 382.54, 381.80, 382.25, 381.47
|
||||||
|
2006, 08, 38944, 2006.6219, 380.44, 381.93, 380.42, 381.94, 380.44, 381.93
|
||||||
|
2006, 09, 38975, 2006.7068, 378.77, 382.13, 378.71, 382.09, 378.77, 382.13
|
||||||
|
2006, 10, 39005, 2006.7890, 379.03, 382.51, 378.77, 382.24, 379.03, 382.51
|
||||||
|
2006, 11, 39036, 2006.8740, 380.11, 382.29, 380.23, 382.39, 380.11, 382.29
|
||||||
|
2006, 12, 39066, 2006.9562, 381.63, 382.52, 381.66, 382.54, 381.63, 382.52
|
||||||
|
2007, 01, 39097, 2007.0411, 382.55, 382.50, 382.75, 382.69, 382.55, 382.50
|
||||||
|
2007, 02, 39128, 2007.1260, 383.68, 382.94, 383.59, 382.84, 383.68, 382.94
|
||||||
|
2007, 03, 39156, 2007.2027, 384.31, 382.82, 384.49, 382.99, 384.31, 382.82
|
||||||
|
2007, 04, 39187, 2007.2877, 386.20, 383.51, 385.85, 383.15, 386.20, 383.51
|
||||||
|
2007, 05, 39217, 2007.3699, 386.38, 383.10, 386.58, 383.30, 386.38, 383.10
|
||||||
|
2007, 06, 39248, 2007.4548, 385.85, 383.36, 385.93, 383.46, 385.85, 383.36
|
||||||
|
2007, 07, 39278, 2007.5370, 384.42, 383.64, 384.37, 383.62, 384.42, 383.64
|
||||||
|
2007, 08, 39309, 2007.6219, 381.81, 383.31, 382.25, 383.79, 381.81, 383.31
|
||||||
|
2007, 09, 39340, 2007.7068, 380.83, 384.21, 380.56, 383.95, 380.83, 384.21
|
||||||
|
2007, 10, 39370, 2007.7890, 380.83, 384.32, 380.63, 384.11, 380.83, 384.32
|
||||||
|
2007, 11, 39401, 2007.8740, 382.32, 384.51, 382.10, 384.26, 382.32, 384.51
|
||||||
|
2007, 12, 39431, 2007.9562, 383.58, 384.48, 383.53, 384.41, 383.58, 384.48
|
||||||
|
2008, 01, 39462, 2008.0410, 385.04, 384.99, 384.62, 384.56, 385.04, 384.99
|
||||||
|
2008, 02, 39493, 2008.1257, 385.81, 385.07, 385.45, 384.70, 385.81, 385.07
|
||||||
|
2008, 03, 39522, 2008.2049, 385.80, 384.28, 386.38, 384.84, 385.80, 384.28
|
||||||
|
2008, 04, 39553, 2008.2896, 386.74, 384.01, 387.74, 384.99, 386.74, 384.01
|
||||||
|
2008, 05, 39583, 2008.3716, 388.49, 385.20, 388.44, 385.15, 388.49, 385.20
|
||||||
|
2008, 06, 39614, 2008.4563, 388.02, 385.56, 387.77, 385.32, 388.02, 385.56
|
||||||
|
2008, 07, 39644, 2008.5383, 386.22, 385.47, 386.20, 385.49, 386.22, 385.47
|
||||||
|
2008, 08, 39675, 2008.6230, 384.05, 385.58, 384.09, 385.66, 384.05, 385.58
|
||||||
|
2008, 09, 39706, 2008.7077, 383.05, 386.45, 382.41, 385.82, 383.05, 386.45
|
||||||
|
2008, 10, 39736, 2008.7896, 382.75, 386.24, 382.50, 385.98, 382.75, 386.24
|
||||||
|
2008, 11, 39767, 2008.8743, 383.98, 386.17, 383.97, 386.14, 383.98, 386.17
|
||||||
|
2008, 12, 39797, 2008.9563, 385.08, 385.98, 385.41, 386.29, 385.08, 385.98
|
||||||
|
2009, 01, 39828, 2009.0411, 386.63, 386.57, 386.51, 386.45, 386.63, 386.57
|
||||||
|
2009, 02, 39859, 2009.1260, 387.10, 386.36, 387.36, 386.60, 387.10, 386.36
|
||||||
|
2009, 03, 39887, 2009.2027, 388.50, 387.00, 388.27, 386.75, 388.50, 387.00
|
||||||
|
2009, 04, 39918, 2009.2877, 389.54, 386.84, 389.64, 386.92, 389.54, 386.84
|
||||||
|
2009, 05, 39948, 2009.3699, 390.15, 386.85, 390.38, 387.09, 390.15, 386.85
|
||||||
|
2009, 06, 39979, 2009.4548, 389.60, 387.10, 389.75, 387.27, 389.60, 387.10
|
||||||
|
2009, 07, 40009, 2009.5370, 388.05, 387.26, 388.21, 387.46, 388.05, 387.26
|
||||||
|
2009, 08, 40040, 2009.6219, 386.06, 387.57, 386.12, 387.66, 386.06, 387.57
|
||||||
|
2009, 09, 40071, 2009.7068, 384.64, 388.03, 384.46, 387.88, 384.64, 388.03
|
||||||
|
2009, 10, 40101, 2009.7890, 384.32, 387.83, 384.59, 388.09, 384.32, 387.83
|
||||||
|
2009, 11, 40132, 2009.8740, 386.05, 388.25, 386.14, 388.31, 386.05, 388.25
|
||||||
|
2009, 12, 40162, 2009.9562, 387.48, 388.38, 387.66, 388.54, 387.48, 388.38
|
||||||
|
2010, 01, 40193, 2010.0411, 388.55, 388.50, 388.83, 388.77, 388.55, 388.50
|
||||||
|
2010, 02, 40224, 2010.1260, 390.08, 389.33, 389.75, 388.99, 390.08, 389.33
|
||||||
|
2010, 03, 40252, 2010.2027, 391.02, 389.52, 390.71, 389.19, 391.02, 389.52
|
||||||
|
2010, 04, 40283, 2010.2877, 392.39, 389.67, 392.13, 389.40, 392.39, 389.67
|
||||||
|
2010, 05, 40313, 2010.3699, 393.24, 389.93, 392.90, 389.60, 393.24, 389.93
|
||||||
|
2010, 06, 40344, 2010.4548, 392.26, 389.75, 392.27, 389.78, 392.26, 389.75
|
||||||
|
2010, 07, 40374, 2010.5370, 390.35, 389.56, 390.71, 389.96, 390.35, 389.56
|
||||||
|
2010, 08, 40405, 2010.6219, 388.53, 390.04, 388.59, 390.13, 388.53, 390.04
|
||||||
|
2010, 09, 40436, 2010.7068, 386.85, 390.25, 386.88, 390.30, 386.85, 390.25
|
||||||
|
2010, 10, 40466, 2010.7890, 387.18, 390.70, 386.95, 390.46, 387.18, 390.70
|
||||||
|
2010, 11, 40497, 2010.8740, 388.69, 390.90, 388.42, 390.61, 388.69, 390.90
|
||||||
|
2010, 12, 40527, 2010.9562, 389.83, 390.74, 389.86, 390.75, 389.83, 390.74
|
||||||
|
2011, 01, 40558, 2011.0411, 391.33, 391.27, 390.95, 390.88, 391.33, 391.27
|
||||||
|
2011, 02, 40589, 2011.1260, 391.96, 391.21, 391.77, 391.01, 391.96, 391.21
|
||||||
|
2011, 03, 40617, 2011.2027, 392.49, 390.98, 392.66, 391.13, 392.49, 390.98
|
||||||
|
2011, 04, 40648, 2011.2877, 393.41, 390.68, 394.01, 391.27, 393.41, 390.68
|
||||||
|
2011, 05, 40678, 2011.3699, 394.33, 391.01, 394.73, 391.42, 394.33, 391.01
|
||||||
|
2011, 06, 40709, 2011.4548, 393.75, 391.23, 394.07, 391.58, 393.75, 391.23
|
||||||
|
2011, 07, 40739, 2011.5370, 392.64, 391.85, 392.50, 391.74, 392.64, 391.85
|
||||||
|
2011, 08, 40770, 2011.6219, 390.25, 391.76, 390.37, 391.92, 390.25, 391.76
|
||||||
|
2011, 09, 40801, 2011.7068, 389.05, 392.46, 388.67, 392.10, 389.05, 392.46
|
||||||
|
2011, 10, 40831, 2011.7890, 388.98, 392.51, 388.77, 392.28, 388.98, 392.51
|
||||||
|
2011, 11, 40862, 2011.8740, 390.30, 392.51, 390.28, 392.47, 390.30, 392.51
|
||||||
|
2011, 12, 40892, 2011.9562, 391.86, 392.76, 391.76, 392.65, 391.86, 392.76
|
||||||
|
2012, 01, 40923, 2012.0410, 393.13, 393.08, 392.90, 392.84, 393.13, 393.08
|
||||||
|
2012, 02, 40954, 2012.1257, 393.42, 392.67, 393.79, 393.03, 393.42, 392.67
|
||||||
|
2012, 03, 40983, 2012.2049, 394.43, 392.89, 394.77, 393.21, 394.43, 392.89
|
||||||
|
2012, 04, 41014, 2012.2896, 396.51, 393.75, 396.19, 393.42, 396.51, 393.75
|
||||||
|
2012, 05, 41044, 2012.3716, 396.96, 393.63, 396.95, 393.62, 396.96, 393.63
|
||||||
|
2012, 06, 41075, 2012.4563, 395.97, 393.47, 396.32, 393.84, 395.97, 393.47
|
||||||
|
2012, 07, 41105, 2012.5383, 394.60, 393.84, 394.79, 394.06, 394.60, 393.84
|
||||||
|
2012, 08, 41136, 2012.6230, 392.61, 394.15, 392.72, 394.30, 392.61, 394.15
|
||||||
|
2012, 09, 41167, 2012.7077, 391.20, 394.64, 391.09, 394.54, 391.20, 394.64
|
||||||
|
2012, 10, 41197, 2012.7896, 391.09, 394.62, 391.26, 394.78, 391.09, 394.62
|
||||||
|
2012, 11, 41228, 2012.8743, 393.03, 395.24, 392.83, 395.02, 393.03, 395.24
|
||||||
|
2012, 12, 41258, 2012.9563, 394.42, 395.32, 394.37, 395.25, 394.42, 395.32
|
||||||
|
2013, 01, 41289, 2013.0411, 395.69, 395.64, 395.56, 395.49, 395.69, 395.64
|
||||||
|
2013, 02, 41320, 2013.1260, 396.94, 396.19, 396.48, 395.72, 396.94, 396.19
|
||||||
|
2013, 03, 41348, 2013.2027, 397.35, 395.83, 397.45, 395.91, 397.35, 395.83
|
||||||
|
2013, 04, 41379, 2013.2877, 398.44, 395.71, 398.88, 396.13, 398.44, 395.71
|
||||||
|
2013, 05, 41409, 2013.3699, 400.06, 396.72, 399.67, 396.33, 400.06, 396.72
|
||||||
|
2013, 06, 41440, 2013.4548, 398.95, 396.43, 399.04, 396.53, 398.95, 396.43
|
||||||
|
2013, 07, 41470, 2013.5370, 397.46, 396.66, 397.48, 396.72, 397.46, 396.66
|
||||||
|
2013, 08, 41501, 2013.6219, 395.49, 397.01, 395.36, 396.92, 395.49, 397.01
|
||||||
|
2013, 09, 41532, 2013.7068, 393.47, 396.91, 393.65, 397.11, 393.47, 396.91
|
||||||
|
2013, 10, 41562, 2013.7890, 393.77, 397.32, 393.75, 397.29, 393.77, 397.32
|
||||||
|
2013, 11, 41593, 2013.8740, 395.27, 397.50, 395.26, 397.47, 395.27, 397.50
|
||||||
|
2013, 12, 41623, 2013.9562, 396.90, 397.81, 396.75, 397.64, 396.90, 397.81
|
||||||
|
2014, 01, 41654, 2014.0411, 398.01, 397.95, 397.88, 397.81, 398.01, 397.95
|
||||||
|
2014, 02, 41685, 2014.1260, 398.18, 397.42, 398.75, 397.98, 398.18, 397.42
|
||||||
|
2014, 03, 41713, 2014.2027, 399.56, 398.04, 399.68, 398.14, 399.56, 398.04
|
||||||
|
2014, 04, 41744, 2014.2877, 401.44, 398.69, 401.07, 398.30, 401.44, 398.69
|
||||||
|
2014, 05, 41774, 2014.3699, 401.99, 398.64, 401.81, 398.46, 401.99, 398.64
|
||||||
|
2014, 06, 41805, 2014.4548, 401.41, 398.88, 401.14, 398.62, 401.41, 398.88
|
||||||
|
2014, 07, 41835, 2014.5370, 399.17, 398.37, 399.54, 398.78, 399.17, 398.37
|
||||||
|
2014, 08, 41866, 2014.6219, 397.30, 398.82, 397.37, 398.94, 397.30, 398.82
|
||||||
|
2014, 09, 41897, 2014.7068, 395.49, 398.93, 395.64, 399.10, 395.49, 398.93
|
||||||
|
2014, 10, 41927, 2014.7890, 395.74, 399.30, 395.71, 399.26, 395.74, 399.30
|
||||||
|
2014, 11, 41958, 2014.8740, 397.32, 399.55, 397.22, 399.43, 397.32, 399.55
|
||||||
|
2014, 12, 41988, 2014.9562, 398.89, 399.80, 398.70, 399.59, 398.89, 399.80
|
||||||
|
2015, 01, 42019, 2015.0411, 399.95, 399.89, 399.83, 399.77, 399.95, 399.89
|
||||||
|
2015, 02, 42050, 2015.1260, 400.39, 399.64, 400.71, 399.94, 400.39, 399.64
|
||||||
|
2015, 03, 42078, 2015.2027, 401.60, 400.07, 401.65, 400.11, 401.60, 400.07
|
||||||
|
2015, 04, 42109, 2015.2877, 403.53, 400.77, 403.08, 400.30, 403.53, 400.77
|
||||||
|
2015, 05, 42139, 2015.3699, 404.04, 400.68, 403.86, 400.50, 404.04, 400.68
|
||||||
|
2015, 06, 42170, 2015.4548, 402.81, 400.26, 403.24, 400.72, 402.81, 400.26
|
||||||
|
2015, 07, 42200, 2015.5370, 401.54, 400.74, 401.72, 400.95, 401.54, 400.74
|
||||||
|
2015, 08, 42231, 2015.6219, 398.93, 400.46, 399.65, 401.22, 398.93, 400.46
|
||||||
|
2015, 09, 42262, 2015.7068, 397.43, 400.88, 398.03, 401.50, 397.43, 400.88
|
||||||
|
2015, 10, 42292, 2015.7890, 398.22, 401.79, 398.24, 401.80, 398.22, 401.79
|
||||||
|
2015, 11, 42323, 2015.8740, 400.17, 402.41, 399.90, 402.11, 400.17, 402.41
|
||||||
|
2015, 12, 42353, 2015.9562, 401.82, 402.74, 401.52, 402.42, 401.82, 402.74
|
||||||
|
2016, 01, 42384, 2016.0410, 402.58, 402.52, 402.80, 402.74, 402.58, 402.52
|
||||||
|
2016, 02, 42415, 2016.1257, 404.09, 403.33, 403.81, 403.05, 404.09, 403.33
|
||||||
|
2016, 03, 42444, 2016.2049, 404.79, 403.23, 404.90, 403.32, 404.79, 403.23
|
||||||
|
2016, 04, 42475, 2016.2896, 407.50, 404.71, 406.41, 403.60, 407.50, 404.71
|
||||||
|
2016, 05, 42505, 2016.3716, 407.59, 404.22, 407.22, 403.85, 407.59, 404.22
|
||||||
|
2016, 06, 42536, 2016.4563, 406.94, 404.42, 406.60, 404.09, 406.94, 404.42
|
||||||
|
2016, 07, 42566, 2016.5383, 404.43, 403.66, 405.05, 404.31, 404.43, 403.66
|
||||||
|
2016, 08, 42597, 2016.6230, 402.17, 403.73, 402.94, 404.54, 402.17, 403.73
|
||||||
|
2016, 09, 42628, 2016.7077, 400.95, 404.42, 401.27, 404.76, 400.95, 404.42
|
||||||
|
2016, 10, 42658, 2016.7896, 401.43, 405.01, 401.41, 404.97, 401.43, 405.01
|
||||||
|
2016, 11, 42689, 2016.8743, 403.57, 405.81, 402.96, 405.18, 403.57, 405.81
|
||||||
|
2016, 12, 42719, 2016.9563, 404.48, 405.40, 404.48, 405.38, 404.48, 405.40
|
||||||
|
2017, 01, 42750, 2017.0411, 406.00, 405.95, 405.63, 405.57, 406.00, 405.95
|
||||||
|
2017, 02, 42781, 2017.1260, 406.57, 405.81, 406.52, 405.75, 406.57, 405.81
|
||||||
|
2017, 03, 42809, 2017.2027, 406.99, 405.45, 407.46, 405.90, 406.99, 405.45
|
||||||
|
2017, 04, 42840, 2017.2877, 408.88, 406.11, 408.86, 406.07, 408.88, 406.11
|
||||||
|
2017, 05, 42870, 2017.3699, 409.84, 406.46, 409.61, 406.23, 409.84, 406.46
|
||||||
|
2017, 06, 42901, 2017.4548, 409.05, 406.49, 408.93, 406.40, 409.05, 406.49
|
||||||
|
2017, 07, 42931, 2017.5370, 407.13, 406.33, 407.32, 406.55, 407.13, 406.33
|
||||||
|
2017, 08, 42962, 2017.6219, 405.17, 406.71, 405.13, 406.71, 405.17, 406.71
|
||||||
|
2017, 09, 42993, 2017.7068, 403.20, 406.68, 403.37, 406.86, 403.20, 406.68
|
||||||
|
2017, 10, 43023, 2017.7890, 403.57, 407.16, 403.44, 407.02, 403.57, 407.16
|
||||||
|
2017, 11, 43054, 2017.8740, 405.10, 407.35, 404.94, 407.17, 405.10, 407.35
|
||||||
|
2017, 12, 43084, 2017.9562, 406.68, 407.60, 406.42, 407.32, 406.68, 407.60
|
||||||
|
2018, 01, 43115, 2018.0411, 407.98, 407.92, 407.54, 407.47, 407.98, 407.92
|
||||||
|
2018, 02, 43146, 2018.1260, 408.36, 407.59, 408.41, 407.63, 408.36, 407.59
|
||||||
|
2018, 03, 43174, 2018.2027, 409.21, 407.67, 409.34, 407.78, 409.21, 407.67
|
||||||
|
2018, 04, 43205, 2018.2877, 410.24, 407.46, 410.76, 407.96, 410.24, 407.46
|
||||||
|
2018, 05, 43235, 2018.3699, 411.23, 407.85, 411.54, 408.15, 411.23, 407.85
|
||||||
|
2018, 06, 43266, 2018.4548, 410.81, 408.25, 410.91, 408.37, 410.81, 408.25
|
||||||
|
2018, 07, 43296, 2018.5370, 408.83, 408.03, 409.37, 408.60, 408.83, 408.03
|
||||||
|
2018, 08, 43327, 2018.6219, 407.02, 408.57, 407.27, 408.86, 407.02, 408.57
|
||||||
|
2018, 09, 43358, 2018.7068, 405.52, 409.01, 405.62, 409.13, 405.52, 409.01
|
||||||
|
2018, 10, 43388, 2018.7890, 405.93, 409.53, 405.80, 409.39, 405.93, 409.53
|
||||||
|
2018, 11, 43419, 2018.8740, 408.04, 410.31, 407.43, 409.67, 408.04, 410.31
|
||||||
|
2018, 12, 43449, 2018.9562, 409.17, 410.09, 409.02, 409.92, 409.17, 410.09
|
||||||
|
2019, 01, 43480, 2019.0411, 410.85, 410.79, 410.25, 410.18, 410.85, 410.79
|
||||||
|
2019, 02, 43511, 2019.1260, 411.59, 410.82, 411.20, 410.42, 411.59, 410.82
|
||||||
|
2019, 03, 43539, 2019.2027, 411.91, 410.37, 412.20, 410.64, 411.91, 410.37
|
||||||
|
2019, 04, 43570, 2019.2877, 413.46, 410.68, 413.67, 410.86, 413.46, 410.68
|
||||||
|
2019, 05, 43600, 2019.3699, 414.76, 411.37, 414.48, 411.08, 414.76, 411.37
|
||||||
|
2019, 06, 43631, 2019.4548, 413.89, 411.32, 413.85, 411.30, 413.89, 411.32
|
||||||
|
2019, 07, 43661, 2019.5370, 411.78, 410.97, 412.29, 411.52, 411.78, 410.97
|
||||||
|
2019, 08, 43692, 2019.6219, 410.01, 411.56, 410.15, 411.74, 410.01, 411.56
|
||||||
|
2019, 09, 43723, 2019.7068, 408.48, 411.98, 408.45, 411.96, 408.48, 411.98
|
||||||
|
2019, 10, 43753, 2019.7890, 408.40, 412.01, 408.58, 412.18, 408.40, 412.01
|
||||||
|
2019, 11, 43784, 2019.8740, 410.16, 412.43, 410.16, 412.40, 410.16, 412.43
|
||||||
|
2019, 12, 43814, 2019.9562, 411.81, 412.74, 411.71, 412.62, 411.81, 412.74
|
||||||
|
2020, 01, 43845, 2020.0410, 413.30, 413.25, 412.90, 412.83, 413.30, 413.25
|
||||||
|
2020, 02, 43876, 2020.1257, 414.05, 413.28, 413.82, 413.04, 414.05, 413.28
|
||||||
|
2020, 03, 43905, 2020.2049, 414.45, 412.87, 414.83, 413.23, 414.45, 412.87
|
||||||
|
2020, 04, 43936, 2020.2896, 416.11, 413.29, 416.27, 413.44, 416.11, 413.29
|
||||||
|
2020, 05, 43966, 2020.3716, 417.15, 413.75, 417.03, 413.63, 417.15, 413.75
|
||||||
|
2020, 06, 43997, 2020.4563, 416.29, 413.73, 416.36, 413.83, 416.29, 413.73
|
||||||
|
2020, 07, 44027, 2020.5383, 414.42, 413.64, 414.77, 414.03, 414.42, 413.64
|
||||||
|
2020, 08, 44058, 2020.6230, 412.52, 414.10, 412.60, 414.23, 412.52, 414.10
|
||||||
|
2020, 09, 44089, 2020.7077, 411.18, 414.70, 410.89, 414.42, 411.18, 414.70
|
||||||
|
2020, 10, 44119, 2020.7896, 411.12, 414.74, 411.00, 414.61, 411.12, 414.74
|
||||||
|
2020, 11, 44150, 2020.8743, 412.88, 415.15, 412.55, 414.79, 412.88, 415.15
|
||||||
|
2020, 12, 44180, 2020.9563, 413.89, 414.81, 414.06, 414.97, 413.89, 414.81
|
||||||
|
2021, 01, 44211, 2021.0411, 415.15, 415.10, 415.21, 415.14, 415.15, 415.10
|
||||||
|
2021, 02, 44242, 2021.1260, 416.47, 415.70, 416.09, 415.31, 416.47, 415.70
|
||||||
|
2021, 03, 44270, 2021.2027, 417.16, 415.61, 417.03, 415.46, 417.16, 415.61
|
||||||
|
2021, 04, 44301, 2021.2877, 418.24, 415.44, 418.45, 415.63, 418.24, 415.44
|
||||||
|
2021, 05, 44331, 2021.3699, 418.95, 415.53, 419.21, 415.80, 418.95, 415.53
|
||||||
|
2021, 06, 44362, 2021.4548, 418.70, 416.11, 418.54, 415.98, 418.70, 416.11
|
||||||
|
2021, 07, 44392, 2021.5370, 416.65, 415.84, 416.94, 416.16, 416.65, 415.84
|
||||||
|
2021, 08, 44423, 2021.6219, 414.34, 415.90, 414.77, 416.36, 414.34, 415.90
|
||||||
|
2021, 09, 44454, 2021.7068, 412.90, 416.42, 413.04, 416.58, 412.90, 416.42
|
||||||
|
2021, 10, 44484, 2021.7890, 413.55, 417.18, 413.17, 416.79, 413.55, 417.18
|
||||||
|
2021, 11, 44515, 2021.8740, 414.82, 417.10, 414.76, 417.01, 414.82, 417.10
|
||||||
|
2021, 12, 44545, 2021.9562, 416.43, 417.37, 416.32, 417.24, 416.43, 417.37
|
Can't render this file because it contains an unexpected character in line 33 and column 6.
|
726
tutorial/darts/habr_CO2.ipynb
Normal file
726
tutorial/darts/habr_CO2.ipynb
Normal file
File diff suppressed because one or more lines are too long
869
tutorial/darts/quickstart.ipynb
Normal file
869
tutorial/darts/quickstart.ipynb
Normal file
File diff suppressed because one or more lines are too long
12295
tutorial/pandas/anime/anime.csv
Normal file
12295
tutorial/pandas/anime/anime.csv
Normal file
File diff suppressed because it is too large
Load Diff
7813738
tutorial/pandas/anime/rating.csv
Normal file
7813738
tutorial/pandas/anime/rating.csv
Normal file
File diff suppressed because it is too large
Load Diff
11
tutorial/pandas/saved_ratings.csv
Normal file
11
tutorial/pandas/saved_ratings.csv
Normal file
@ -0,0 +1,11 @@
|
|||||||
|
user_id,anime_id,rating
|
||||||
|
1,20,-1
|
||||||
|
1,24,-1
|
||||||
|
1,79,-1
|
||||||
|
1,226,-1
|
||||||
|
1,241,-1
|
||||||
|
1,355,-1
|
||||||
|
1,356,-1
|
||||||
|
1,442,-1
|
||||||
|
1,487,-1
|
||||||
|
1,846,-1
|
|
5291
tutorial/pandas/Шпаргалка по pandas.ipynb
Normal file
5291
tutorial/pandas/Шпаргалка по pandas.ipynb
Normal file
File diff suppressed because it is too large
Load Diff
669
tutorial/pyFTS/A_short_tutorial_about_Fuzzy_Time_Series.ipynb
Normal file
669
tutorial/pyFTS/A_short_tutorial_about_Fuzzy_Time_Series.ipynb
Normal file
File diff suppressed because one or more lines are too long
File diff suppressed because one or more lines are too long
File diff suppressed because one or more lines are too long
23
tutorial/pyFTS/Enrollments.csv
Normal file
23
tutorial/pyFTS/Enrollments.csv
Normal file
@ -0,0 +1,23 @@
|
|||||||
|
Year;Enrollments
|
||||||
|
1971;13055
|
||||||
|
1972;13563
|
||||||
|
1973;13867
|
||||||
|
1974;14696
|
||||||
|
1975;15460
|
||||||
|
1976;15311
|
||||||
|
1977;15603
|
||||||
|
1978;15861
|
||||||
|
1979;16807
|
||||||
|
1980;16919
|
||||||
|
1981;16388
|
||||||
|
1982;15433
|
||||||
|
1983;15497
|
||||||
|
1984;15145
|
||||||
|
1985;15163
|
||||||
|
1986;15984
|
||||||
|
1987;16859
|
||||||
|
1988;18150
|
||||||
|
1989;18970
|
||||||
|
1990;19328
|
||||||
|
1991;19337
|
||||||
|
1992;18876
|
|
582
tutorial/pyFTS/Partitioners.ipynb
Normal file
582
tutorial/pyFTS/Partitioners.ipynb
Normal file
File diff suppressed because one or more lines are too long
13995
tutorial/pyFTS/developer/Benchmarks.ipynb
Normal file
13995
tutorial/pyFTS/developer/Benchmarks.ipynb
Normal file
File diff suppressed because one or more lines are too long
1106
tutorial/pyFTS/developer/Chen - ConventionalFTS.ipynb
Normal file
1106
tutorial/pyFTS/developer/Chen - ConventionalFTS.ipynb
Normal file
File diff suppressed because one or more lines are too long
1068
tutorial/pyFTS/developer/Cheng - TrendWeightedFTS.ipynb
Normal file
1068
tutorial/pyFTS/developer/Cheng - TrendWeightedFTS.ipynb
Normal file
File diff suppressed because one or more lines are too long
File diff suppressed because one or more lines are too long
459
tutorial/pyFTS/developer/GOOGLE COLAB - Benchmarks.ipynb
Normal file
459
tutorial/pyFTS/developer/GOOGLE COLAB - Benchmarks.ipynb
Normal file
File diff suppressed because one or more lines are too long
File diff suppressed because one or more lines are too long
1111
tutorial/pyFTS/developer/GOOGLE COLAB Chen - ConventionalFTS.ipynb
Normal file
1111
tutorial/pyFTS/developer/GOOGLE COLAB Chen - ConventionalFTS.ipynb
Normal file
File diff suppressed because one or more lines are too long
File diff suppressed because one or more lines are too long
13172
tutorial/pyFTS/developer/GOOGLE COLAB Partitioners.ipynb
Normal file
13172
tutorial/pyFTS/developer/GOOGLE COLAB Partitioners.ipynb
Normal file
File diff suppressed because one or more lines are too long
File diff suppressed because one or more lines are too long
1183
tutorial/pyFTS/developer/GOOGLE COLAB Yu - WeightedFTS.ipynb
Normal file
1183
tutorial/pyFTS/developer/GOOGLE COLAB Yu - WeightedFTS.ipynb
Normal file
File diff suppressed because one or more lines are too long
1195
tutorial/pyFTS/developer/Ismail & Efendi - ImprovedWeightedFTS.ipynb
Normal file
1195
tutorial/pyFTS/developer/Ismail & Efendi - ImprovedWeightedFTS.ipynb
Normal file
File diff suppressed because one or more lines are too long
2
tutorial/pyFTS/developer/README.md
Normal file
2
tutorial/pyFTS/developer/README.md
Normal file
@ -0,0 +1,2 @@
|
|||||||
|
# notebooks
|
||||||
|
Code examples for pyFTS
|
File diff suppressed because one or more lines are too long
1141
tutorial/pyFTS/developer/Severiano et al - HighOrderFTS.ipynb
Normal file
1141
tutorial/pyFTS/developer/Severiano et al - HighOrderFTS.ipynb
Normal file
File diff suppressed because one or more lines are too long
2346
tutorial/pyFTS/developer/Severiano_et_al_HighOrderFTS.ipynb
Normal file
2346
tutorial/pyFTS/developer/Severiano_et_al_HighOrderFTS.ipynb
Normal file
File diff suppressed because one or more lines are too long
File diff suppressed because one or more lines are too long
1007
tutorial/pyFTS/developer/Song - ConventionalFTS.ipynb
Normal file
1007
tutorial/pyFTS/developer/Song - ConventionalFTS.ipynb
Normal file
File diff suppressed because one or more lines are too long
1130
tutorial/pyFTS/developer/Yu - WeightedFTS.ipynb
Normal file
1130
tutorial/pyFTS/developer/Yu - WeightedFTS.ipynb
Normal file
File diff suppressed because one or more lines are too long
606
tutorial/pyFTS/developer/multivariate.ipynb
Normal file
606
tutorial/pyFTS/developer/multivariate.ipynb
Normal file
File diff suppressed because one or more lines are too long
202
tutorial/pyFTS/МуPartitioners.ipynb
Normal file
202
tutorial/pyFTS/МуPartitioners.ipynb
Normal file
File diff suppressed because one or more lines are too long
Loading…
Reference in New Issue
Block a user