=================================

STARTING FROM THE BOTTOM

=================================

  1. OBTAIN DATA
  2. SCRUB DATA
  3. EXPLORE DATA
  4. MODEL DATA
  5. INTERPRET DATA

MVP -- Minimum Viable Product:

(simpliest submission possible, no modeling)

In [0]:
import pandas as pd
import numpy as np
## GLOBAL WK 2
train_file = "https://raw.githubusercontent.com/danielcaraway/data/master/covid19-global-forecasting-week-2/train.csv"
test_file = "https://raw.githubusercontent.com/danielcaraway/data/master/covid19-global-forecasting-week-2/test.csv"
sub_file = "https://raw.githubusercontent.com/danielcaraway/data/master/covid19-global-forecasting-week-2/submission.csv"

train = pd.read_csv(train_file)
test = pd.read_csv(test_file)
sub = pd.read_csv(sub_file)
In [0]:
# BEFORE
sub.head()
In [4]:
# AFTER
sub['ConfirmedCases'] = 100
sub['Fatalities'] = 18
sub.head()
Out[4]:
ForecastId ConfirmedCases Fatalities
0 1 100 18
1 2 100 18
2 3 100 18
3 4 100 18
4 5 100 18
In [0]:
sub.to_csv('submission', index=False)
from google.colab import files
files.download("submission.csv")

Ok so what's the problem with this picture? Well, we're saying that every single country on every single day has exactly 100 cases of COVID and exactly 18 deaths. BUT, we have proved we can manipulate the submission DF so we've got that going for us which is nice.

Now, it would also be nice to actually take into account the country and the date, right?

In [0]:
merged = pd.merge(sub, test, on="ForecastId", how="left")
In [9]:
df = merged.copy()
df
Out[9]:
ForecastId ConfirmedCases Fatalities Province_State Country_Region Date
0 1 100 18 NaN Afghanistan 2020-03-19
1 2 100 18 NaN Afghanistan 2020-03-20
2 3 100 18 NaN Afghanistan 2020-03-21
3 4 100 18 NaN Afghanistan 2020-03-22
4 5 100 18 NaN Afghanistan 2020-03-23
... ... ... ... ... ... ...
12637 12638 100 18 NaN Zimbabwe 2020-04-26
12638 12639 100 18 NaN Zimbabwe 2020-04-27
12639 12640 100 18 NaN Zimbabwe 2020-04-28
12640 12641 100 18 NaN Zimbabwe 2020-04-29
12641 12642 100 18 NaN Zimbabwe 2020-04-30

12642 rows × 6 columns

OK great! Now we have the country AND the date with our corecast ID!! So we know we can successfully merge our testing df into our submission df.

But... our ConfirmedCases and Fatalities are still 100 and 18 without regard to the country...

In [0]:
df['Date'] = pd.to_datetime(df['Date'])
df['days_from'] = df['Date'] - (df['Date'].min())
df['days_from'] = df['days_from'] / np.timedelta64(1, 'D')
In [15]:
df['CC_v2'] = df.apply(lambda x: x['days_from']*x['days_from'] , axis=1)
df['F_v2'] = df.apply(lambda x: x['days_from'] * 2 , axis=1)
df
Out[15]:
ForecastId ConfirmedCases Fatalities Province_State Country_Region Date days_from CC_v2 F_v2
0 1 100 18 NaN Afghanistan 2020-03-19 0.0 0.0 0.0
1 2 100 18 NaN Afghanistan 2020-03-20 1.0 1.0 2.0
2 3 100 18 NaN Afghanistan 2020-03-21 2.0 4.0 4.0
3 4 100 18 NaN Afghanistan 2020-03-22 3.0 9.0 6.0
4 5 100 18 NaN Afghanistan 2020-03-23 4.0 16.0 8.0
... ... ... ... ... ... ... ... ... ...
12637 12638 100 18 NaN Zimbabwe 2020-04-26 38.0 1444.0 76.0
12638 12639 100 18 NaN Zimbabwe 2020-04-27 39.0 1521.0 78.0
12639 12640 100 18 NaN Zimbabwe 2020-04-28 40.0 1600.0 80.0
12640 12641 100 18 NaN Zimbabwe 2020-04-29 41.0 1681.0 82.0
12641 12642 100 18 NaN Zimbabwe 2020-04-30 42.0 1764.0 84.0

12642 rows × 9 columns

OK great! Now each country is different! I call this VAMPIRE DATA where the number of people bitten (infected) is logarathmic and the number of deaths is simply linear (because not everyone dies from bites, duh)

In [17]:
spain = df[df['Country_Region'] == 'Spain']
spain.head()
Out[17]:
ForecastId ConfirmedCases Fatalities Province_State Country_Region Date days_from CC_v2 F_v2
8987 8988 100 18 NaN Spain 2020-03-19 0.0 0.0 0.0
8988 8989 100 18 NaN Spain 2020-03-20 1.0 1.0 2.0
8989 8990 100 18 NaN Spain 2020-03-21 2.0 4.0 4.0
8990 8991 100 18 NaN Spain 2020-03-22 3.0 9.0 6.0
8991 8992 100 18 NaN Spain 2020-03-23 4.0 16.0 8.0
In [0]:
import seaborn as sns; sns.set()
import matplotlib.pyplot as plt

graph_df = df[['days_from', 'CC_v2', 'F_v2']]
In [21]:
data = pd.melt(graph_df, id_vars=['days_from'], value_vars=['CC_v2','F_v2'])
data.head()
Out[21]:
days_from variable value
0 0.0 CC_v2 0.0
1 1.0 CC_v2 1.0
2 2.0 CC_v2 4.0
3 3.0 CC_v2 9.0
4 4.0 CC_v2 16.0
In [22]:
ax = sns.lineplot(x="days_from", y="value",
                  hue="variable", style="variable", data=data)

OMG SO FUN!! Vampires!! But, like, can we actually use data instead of just... you know, like... the date?

EXCELLENT QUESTION! In one case (for ConfirmedCases), we actualy ONLY have the date and the country to work with. (For Fatalities we can use the number we generated for ConfirmedCases).

Forgive me, I should have said, we only have the data and the country and the past historical data with which to create a model to apply to the date and country. So our only inputs can be date and country but we get to create the function that will generate a prediction for number of cases based on that date and country.

In [0]:
train['Date'] = pd.to_datetime(train['Date'])
test = df.merge(train, on=['Country_Region', 'Date'], how='left')
In [31]:
test
Out[31]:
ForecastId ConfirmedCases_x Fatalities_x Province_State_x Country_Region Date days_from CC_v2 F_v2 Id Province_State_y ConfirmedCases_y Fatalities_y
0 1 100 18 NaN Afghanistan 2020-03-19 0.0 0.0 0.0 58.0 NaN 22.0 0.0
1 2 100 18 NaN Afghanistan 2020-03-20 1.0 1.0 2.0 59.0 NaN 24.0 0.0
2 3 100 18 NaN Afghanistan 2020-03-21 2.0 4.0 4.0 60.0 NaN 24.0 0.0
3 4 100 18 NaN Afghanistan 2020-03-22 3.0 9.0 6.0 61.0 NaN 40.0 1.0
4 5 100 18 NaN Afghanistan 2020-03-23 4.0 16.0 8.0 62.0 NaN 40.0 1.0
... ... ... ... ... ... ... ... ... ... ... ... ... ...
50563 12638 100 18 NaN Zimbabwe 2020-04-26 38.0 1444.0 76.0 NaN NaN NaN NaN
50564 12639 100 18 NaN Zimbabwe 2020-04-27 39.0 1521.0 78.0 NaN NaN NaN NaN
50565 12640 100 18 NaN Zimbabwe 2020-04-28 40.0 1600.0 80.0 NaN NaN NaN NaN
50566 12641 100 18 NaN Zimbabwe 2020-04-29 41.0 1681.0 82.0 NaN NaN NaN NaN
50567 12642 100 18 NaN Zimbabwe 2020-04-30 42.0 1764.0 84.0 NaN NaN NaN NaN

50568 rows × 13 columns

=================================

STARTING CONNOR FOR REAL

=================================

STEP 1: GET THAT DATA

In [0]:
import pandas as pd
import numpy as np
## GLOBAL WK 2
train_file = "https://raw.githubusercontent.com/danielcaraway/data/master/covid19-global-forecasting-week-2/train.csv"
test_file = "https://raw.githubusercontent.com/danielcaraway/data/master/covid19-global-forecasting-week-2/test.csv"
sub_file = "https://raw.githubusercontent.com/danielcaraway/data/master/covid19-global-forecasting-week-2/submission.csv"

train = pd.read_csv(train_file)
test = pd.read_csv(test_file)
sub = pd.read_csv(sub_file)

STEP 2: PREP THAT DATA

  • Deal with states + countries
  • Deal with datetimes
  • Deal with categoricals (LabelEncoder)
In [0]:
# subset = train.sample(n=500)
In [14]:
# subset
Out[14]:
Id Province_State Country_Region Date ConfirmedCases Fatalities
2152 3241 NaN Burkina Faso 2020-03-02 0.0 0.0
15094 22847 California US 2020-03-08 0.0 0.0
4248 6425 Inner Mongolia China 2020-02-15 68.0 0.0
12675 19204 NaN Qatar 2020-01-25 0.0 0.0
3696 5601 Guizhou China 2020-01-22 1.0 0.0
... ... ... ... ... ... ...
15851 24012 Iowa US 2020-02-02 0.0 0.0
18449 27936 NaN Ukraine 2020-02-26 0.0 0.0
18746 28403 Gibraltar United Kingdom 2020-01-24 0.0 0.0
6906 10443 NaN Eswatini 2020-03-04 0.0 0.0
13651 20656 NaN Slovenia 2020-03-17 275.0 1.0

500 rows × 6 columns

In [0]:
# train = subset.copy()
def use_country(state, country):
  if pd.isna(state):
    return country
  else:
    return state

train['Province_State'] = train.apply(lambda x: use_country(x['Province_State'], x['Country_Region']), axis=1)
test['Province_State'] = test.apply(lambda x: use_country(x['Province_State'], x['Country_Region']), axis=1)
In [0]:
train_d = pd.get_dummies(train)
test_d = pd.get_dummies(test)
In [47]:
train_dummies
Out[47]:
Id ConfirmedCases Fatalities Province_State_Afghanistan Province_State_Alabama Province_State_Alaska Province_State_Alberta Province_State_Algeria Province_State_Angola Province_State_Anhui Province_State_Antigua and Barbuda Province_State_Argentina Province_State_Arizona Province_State_Armenia Province_State_Australian Capital Territory Province_State_Azerbaijan Province_State_Bahamas Province_State_Bangladesh Province_State_Barbados Province_State_Beijing Province_State_Belarus Province_State_Belize Province_State_Bhutan Province_State_Bosnia and Herzegovina Province_State_Brazil Province_State_British Columbia Province_State_Brunei Province_State_Bulgaria Province_State_Burkina Faso Province_State_Cabo Verde Province_State_California Province_State_Cambodia Province_State_Cameroon Province_State_Cayman Islands Province_State_Chad Province_State_Channel Islands Province_State_Chile Province_State_Colombia Province_State_Colorado Province_State_Congo (Brazzaville) ... Date_2020-02-17 Date_2020-02-18 Date_2020-02-19 Date_2020-02-20 Date_2020-02-21 Date_2020-02-22 Date_2020-02-23 Date_2020-02-24 Date_2020-02-25 Date_2020-02-26 Date_2020-02-27 Date_2020-02-28 Date_2020-02-29 Date_2020-03-01 Date_2020-03-02 Date_2020-03-03 Date_2020-03-04 Date_2020-03-05 Date_2020-03-06 Date_2020-03-07 Date_2020-03-08 Date_2020-03-09 Date_2020-03-10 Date_2020-03-11 Date_2020-03-12 Date_2020-03-13 Date_2020-03-14 Date_2020-03-15 Date_2020-03-16 Date_2020-03-17 Date_2020-03-18 Date_2020-03-19 Date_2020-03-20 Date_2020-03-21 Date_2020-03-22 Date_2020-03-23 Date_2020-03-24 Date_2020-03-25 Date_2020-03-26 Date_2020-03-27
2152 3241 0.0 0.0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 ... 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
15094 22847 0.0 0.0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 ... 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
4248 6425 68.0 0.0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 ... 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
12675 19204 0.0 0.0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 ... 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
3696 5601 1.0 0.0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 ... 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ...
15851 24012 0.0 0.0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 ... 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
18449 27936 0.0 0.0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 ... 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
18746 28403 0.0 0.0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 ... 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
6906 10443 0.0 0.0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 ... 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
13651 20656 275.0 1.0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 ... 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0

500 rows × 446 columns

STEP 3: MODEL THAT DATA

  • GridSearchCV
  • XGBRegressor
In [0]:
from sklearn.model_selection import GridSearchCV 
import time 
param_grid = {'n_estimators': [1000]}

def gridSearchCV(model, X_Train, y_Train, param_grid, cv=10, scoring='neg_mean_squared_error'): 
  start = time.time()
In [0]:
X_Train = train.copy()
y1_Train = X_Train['ConfirmedCases']
y2_Train = X_Train['Fatalities']
In [0]:
from xgboost import XGBRegressor

model = XGBRegressor()
model1 = gridSearchCV(model, X_Train, y1_Train, param_grid, 10, 'neg_mean_squared_error') 
model2 = gridSearchCV(model, X_Train, y2_Train, param_grid, 10, 'neg_mean_squared_error')
In [0]:
countries = set(X_Train['Country_Region'])

#models_C = {}
#models_F = {}

df_out = pd.DataFrame({'ForecastId': [], 'ConfirmedCases': [], 'Fatalities': []})

for country in countries:
    states = set(X_Train['Province_State'])
    # states = X_Train.loc[X_Train.Country == country, :].State.unique()
    #print(country, states)
    # check whether string is nan or not
    for state in states:
        X_Train_CS = X_Train.loc[(X_Train.Country == country) & (X_Train.State == state), ['State', 'Country', 'Date', 'ConfirmedCases', 'Fatalities']]
        
        y1_Train_CS = X_Train_CS.loc[:, 'ConfirmedCases']
        y2_Train_CS = X_Train_CS.loc[:, 'Fatalities']
        
        X_Train_CS = X_Train_CS.loc[:, ['State', 'Country', 'Date']]
        
        X_Train_CS.Country = le.fit_transform(X_Train_CS.Country)
        X_Train_CS['State'] = le.fit_transform(X_Train_CS['State'])
        
        X_Test_CS = X_Test.loc[(X_Test.Country == country) & (X_Test.State == state), ['State', 'Country', 'Date', 'ForecastId']]
        
        X_Test_CS_Id = X_Test_CS.loc[:, 'ForecastId']
        X_Test_CS = X_Test_CS.loc[:, ['State', 'Country', 'Date']]
        
        X_Test_CS.Country = le.fit_transform(X_Test_CS.Country)
        X_Test_CS['State'] = le.fit_transform(X_Test_CS['State'])
        
        #models_C[country] = gridSearchCV(model, X_Train_CS, y1_Train_CS, param_grid, 10, 'neg_mean_squared_error')
        #models_F[country] = gridSearchCV(model, X_Train_CS, y2_Train_CS, param_grid, 10, 'neg_mean_squared_error')
        
        model1 = XGBRegressor(n_estimators=1000)
        model1.fit(X_Train_CS, y1_Train_CS)
        y1_pred = model1.predict(X_Test_CS)
        
        model2 = XGBRegressor(n_estimators=1000)
        model2.fit(X_Train_CS, y2_Train_CS)
        y2_pred = model2.predict(X_Test_CS)
        
        df = pd.DataFrame({'ForecastId': X_Test_CS_Id, 'ConfirmedCases': y1_pred, 'Fatalities': y2_pred})
        df_out = pd.concat([df_out, df], axis=0)
    # Done for state loop
# Done for country Loop

SIDEQUEST: More on XGBoost

In [0]:
b_train = train.copy()
b_test = test.copy()

California Test

In [82]:
b_train['Date'].min()
Out[82]:
Timestamp('2020-01-22 00:00:00')
In [0]:
b_train_ca = b_train[b_train['Province_State'] == 'California']
b_train = b_train_ca.copy()
b_train['Date'] = pd.to_datetime(b_train['Date'])
In [86]:
b_train['days_from'] = b_train['Date'] - (b_train['Date'].min())
b_train['days_from'] = b_train['days_from'] / np.timedelta64(1, 'D')
b_train
Out[86]:
Id Province_State Country_Region Date ConfirmedCases Fatalities days_from
15048 22801 California US 2020-01-22 0.0 0.0 0.0
15049 22802 California US 2020-01-23 0.0 0.0 1.0
15050 22803 California US 2020-01-24 0.0 0.0 2.0
15051 22804 California US 2020-01-25 0.0 0.0 3.0
15052 22805 California US 2020-01-26 0.0 0.0 4.0
... ... ... ... ... ... ... ...
15109 22862 California US 2020-03-23 2108.0 39.0 61.0
15110 22863 California US 2020-03-24 2538.0 50.0 62.0
15111 22864 California US 2020-03-25 2998.0 65.0 63.0
15112 22865 California US 2020-03-26 3899.0 81.0 64.0
15113 22866 California US 2020-03-27 4657.0 94.0 65.0

66 rows × 7 columns

In [88]:
b_train_y1 = b_train['ConfirmedCases']
b_train_y2 = b_train['Fatalities']
# b_train_X = b_train.drop(['ConfirmedCases','Fatalities'], axis=1)
b_train_X = b_train.drop(['Fatalities', 'Date'], axis=1)
b_train_X
Out[88]:
Id Province_State Country_Region ConfirmedCases days_from
15048 22801 California US 0.0 0.0
15049 22802 California US 0.0 1.0
15050 22803 California US 0.0 2.0
15051 22804 California US 0.0 3.0
15052 22805 California US 0.0 4.0
... ... ... ... ... ...
15109 22862 California US 2108.0 61.0
15110 22863 California US 2538.0 62.0
15111 22864 California US 2998.0 63.0
15112 22865 California US 3899.0 64.0
15113 22866 California US 4657.0 65.0

66 rows × 5 columns

In [0]:
## CA TEST
# b_train_X_ca = b_train_X[b_train_X['Province_State'] == 'California']
# b_train_X = b_train_X_ca.copy()

b_train_X_d = pd.get_dummies(b_train_X)
In [80]:
# b_train_X_d['']
Out[80]:
Id Date ConfirmedCases Province_State_California Country_Region_US
15048 22801 2020-01-22 0.0 1 1
15049 22802 2020-01-23 0.0 1 1
15050 22803 2020-01-24 0.0 1 1
15051 22804 2020-01-25 0.0 1 1
15052 22805 2020-01-26 0.0 1 1
... ... ... ... ... ...
15109 22862 2020-03-23 2108.0 1 1
15110 22863 2020-03-24 2538.0 1 1
15111 22864 2020-03-25 2998.0 1 1
15112 22865 2020-03-26 3899.0 1 1
15113 22866 2020-03-27 4657.0 1 1

66 rows × 5 columns

In [94]:
import xgboost as xgb
from sklearn.datasets import load_boston
from sklearn.model_selection import train_test_split
from sklearn.model_selection import cross_val_score, KFold
from sklearn.metrics import mean_squared_error
import matplotlib.pyplot as plt 
import numpy as np
 
boston = load_boston()
# x, y = boston.data, boston.target

x,y = b_train_X_d, b_train_y1
# x,y = b_train_X_d, b_train_y2
xtrain, xtest, ytrain, ytest=train_test_split(x, y, test_size=0.15)

xgbr = xgb.XGBRegressor()
print(xgbr)

xgbr.fit(xtrain, ytrain)
 
# - cross validataion 
scores = cross_val_score(xgbr, xtrain, ytrain, cv=5)
print("Mean cross-validation score: %.2f" % scores.mean())

kfold = KFold(n_splits=10, shuffle=True)
kf_cv_scores = cross_val_score(xgbr, xtrain, ytrain, cv=kfold )
print("K-fold CV average score: %.2f" % kf_cv_scores.mean())
 
ypred = xgbr.predict(xtest)
mse = mean_squared_error(ytest, ypred)
print("MSE: %.2f" % mse)
print("RMSE: %.2f" % np.sqrt(mse))

x_ax = range(len(ytest))
plt.scatter(x_ax, ytest, s=5, color="blue", label="original")
plt.plot(x_ax, ypred, lw=0.8, color="red", label="predicted")
plt.legend()
plt.show()
XGBRegressor(base_score=0.5, booster='gbtree', colsample_bylevel=1,
             colsample_bynode=1, colsample_bytree=1, gamma=0,
             importance_type='gain', learning_rate=0.1, max_delta_step=0,
             max_depth=3, min_child_weight=1, missing=None, n_estimators=100,
             n_jobs=1, nthread=None, objective='reg:linear', random_state=0,
             reg_alpha=0, reg_lambda=1, scale_pos_weight=1, seed=None,
             silent=None, subsample=1, verbosity=1)
[23:23:46] WARNING: /workspace/src/objective/regression_obj.cu:152: reg:linear is now deprecated in favor of reg:squarederror.
[23:23:46] WARNING: /workspace/src/objective/regression_obj.cu:152: reg:linear is now deprecated in favor of reg:squarederror.
[23:23:46] WARNING: /workspace/src/objective/regression_obj.cu:152: reg:linear is now deprecated in favor of reg:squarederror.
[23:23:46] WARNING: /workspace/src/objective/regression_obj.cu:152: reg:linear is now deprecated in favor of reg:squarederror.
[23:23:46] WARNING: /workspace/src/objective/regression_obj.cu:152: reg:linear is now deprecated in favor of reg:squarederror.
[23:23:46] WARNING: /workspace/src/objective/regression_obj.cu:152: reg:linear is now deprecated in favor of reg:squarederror.
Mean cross-validation score: 0.89
[23:23:46] WARNING: /workspace/src/objective/regression_obj.cu:152: reg:linear is now deprecated in favor of reg:squarederror.
[23:23:46] WARNING: /workspace/src/objective/regression_obj.cu:152: reg:linear is now deprecated in favor of reg:squarederror.
[23:23:46] WARNING: /workspace/src/objective/regression_obj.cu:152: reg:linear is now deprecated in favor of reg:squarederror.
[23:23:46] WARNING: /workspace/src/objective/regression_obj.cu:152: reg:linear is now deprecated in favor of reg:squarederror.
[23:23:46] WARNING: /workspace/src/objective/regression_obj.cu:152: reg:linear is now deprecated in favor of reg:squarederror.
[23:23:46] WARNING: /workspace/src/objective/regression_obj.cu:152: reg:linear is now deprecated in favor of reg:squarederror.
[23:23:46] WARNING: /workspace/src/objective/regression_obj.cu:152: reg:linear is now deprecated in favor of reg:squarederror.
[23:23:46] WARNING: /workspace/src/objective/regression_obj.cu:152: reg:linear is now deprecated in favor of reg:squarederror.
[23:23:46] WARNING: /workspace/src/objective/regression_obj.cu:152: reg:linear is now deprecated in favor of reg:squarederror.
[23:23:46] WARNING: /workspace/src/objective/regression_obj.cu:152: reg:linear is now deprecated in favor of reg:squarederror.
/usr/local/lib/python3.6/dist-packages/xgboost/core.py:587: FutureWarning: Series.base is deprecated and will be removed in a future version
  if getattr(data, 'base', None) is not None and \
/usr/local/lib/python3.6/dist-packages/xgboost/core.py:587: FutureWarning: Series.base is deprecated and will be removed in a future version
  if getattr(data, 'base', None) is not None and \
/usr/local/lib/python3.6/dist-packages/xgboost/core.py:587: FutureWarning: Series.base is deprecated and will be removed in a future version
  if getattr(data, 'base', None) is not None and \
/usr/local/lib/python3.6/dist-packages/xgboost/core.py:587: FutureWarning: Series.base is deprecated and will be removed in a future version
  if getattr(data, 'base', None) is not None and \
/usr/local/lib/python3.6/dist-packages/xgboost/core.py:587: FutureWarning: Series.base is deprecated and will be removed in a future version
  if getattr(data, 'base', None) is not None and \
/usr/local/lib/python3.6/dist-packages/xgboost/core.py:587: FutureWarning: Series.base is deprecated and will be removed in a future version
  if getattr(data, 'base', None) is not None and \
/usr/local/lib/python3.6/dist-packages/xgboost/core.py:587: FutureWarning: Series.base is deprecated and will be removed in a future version
  if getattr(data, 'base', None) is not None and \
/usr/local/lib/python3.6/dist-packages/xgboost/core.py:587: FutureWarning: Series.base is deprecated and will be removed in a future version
  if getattr(data, 'base', None) is not None and \
/usr/local/lib/python3.6/dist-packages/xgboost/core.py:587: FutureWarning: Series.base is deprecated and will be removed in a future version
  if getattr(data, 'base', None) is not None and \
/usr/local/lib/python3.6/dist-packages/xgboost/core.py:587: FutureWarning: Series.base is deprecated and will be removed in a future version
  if getattr(data, 'base', None) is not None and \
/usr/local/lib/python3.6/dist-packages/xgboost/core.py:587: FutureWarning: Series.base is deprecated and will be removed in a future version
  if getattr(data, 'base', None) is not None and \
/usr/local/lib/python3.6/dist-packages/xgboost/core.py:587: FutureWarning: Series.base is deprecated and will be removed in a future version
  if getattr(data, 'base', None) is not None and \
/usr/local/lib/python3.6/dist-packages/xgboost/core.py:587: FutureWarning: Series.base is deprecated and will be removed in a future version
  if getattr(data, 'base', None) is not None and \
/usr/local/lib/python3.6/dist-packages/xgboost/core.py:587: FutureWarning: Series.base is deprecated and will be removed in a future version
  if getattr(data, 'base', None) is not None and \
/usr/local/lib/python3.6/dist-packages/xgboost/core.py:587: FutureWarning: Series.base is deprecated and will be removed in a future version
  if getattr(data, 'base', None) is not None and \
K-fold CV average score: 0.72
MSE: 7067.87
RMSE: 84.07
In [0]:
# BUILDING FORCAST ID:
In [29]:
boston.data
Out[29]:
array([[6.3200e-03, 1.8000e+01, 2.3100e+00, ..., 1.5300e+01, 3.9690e+02,
        4.9800e+00],
       [2.7310e-02, 0.0000e+00, 7.0700e+00, ..., 1.7800e+01, 3.9690e+02,
        9.1400e+00],
       [2.7290e-02, 0.0000e+00, 7.0700e+00, ..., 1.7800e+01, 3.9283e+02,
        4.0300e+00],
       ...,
       [6.0760e-02, 0.0000e+00, 1.1930e+01, ..., 2.1000e+01, 3.9690e+02,
        5.6400e+00],
       [1.0959e-01, 0.0000e+00, 1.1930e+01, ..., 2.1000e+01, 3.9345e+02,
        6.4800e+00],
       [4.7410e-02, 0.0000e+00, 1.1930e+01, ..., 2.1000e+01, 3.9690e+02,
        7.8800e+00]])
In [31]:
boston.data.shape
Out[31]:
(506, 13)
In [39]:
boston.target.shape
Out[39]:
(506,)

BOSTON

  • K-fold CV average score: 0.89
  • MSE: 11.69
  • RMSE: 3.42

V1

  • K-fold CV average score: -107.07
  • MSE: 36809.57
  • RMSE: 191.86

V2 -- California

  • K-fold CV average score: 0.61
  • MSE: 139454.95
  • RMSE: 373.44

V3 -- California, days_from, get_dummies

  • K-fold CV average score: 0.93
  • MSE: 9027.82
  • RMSE: 95.01
In [0]:
 
In [74]:
 
---------------------------------------------------------------------------
ValueError                                Traceback (most recent call last)
<ipython-input-74-9aa63d00c826> in <module>()
----> 1 df = pd.DataFrame(boston)
      2 df

/usr/local/lib/python3.6/dist-packages/pandas/core/frame.py in __init__(self, data, index, columns, dtype, copy)
    409             )
    410         elif isinstance(data, dict):
--> 411             mgr = init_dict(data, index, columns, dtype=dtype)
    412         elif isinstance(data, ma.MaskedArray):
    413             import numpy.ma.mrecords as mrecords

/usr/local/lib/python3.6/dist-packages/pandas/core/internals/construction.py in init_dict(data, index, columns, dtype)
    255             arr if not is_datetime64tz_dtype(arr) else arr.copy() for arr in arrays
    256         ]
--> 257     return arrays_to_mgr(arrays, data_names, index, columns, dtype=dtype)
    258 
    259 

/usr/local/lib/python3.6/dist-packages/pandas/core/internals/construction.py in arrays_to_mgr(arrays, arr_names, index, columns, dtype)
     75     # figure out the index, if necessary
     76     if index is None:
---> 77         index = extract_index(arrays)
     78     else:
     79         index = ensure_index(index)

/usr/local/lib/python3.6/dist-packages/pandas/core/internals/construction.py in extract_index(data)
    366             lengths = list(set(raw_lengths))
    367             if len(lengths) > 1:
--> 368                 raise ValueError("arrays must all be same length")
    369 
    370             if have_dicts:

ValueError: arrays must all be same length
In [95]:
print(ypred)
[5.5687274e+02 7.5082043e+02 3.1586111e-02 3.1586111e-02 3.1586111e-02
 3.1586111e-02 5.5687274e+02 3.1586111e-02 2.2094861e+02 3.1586111e-02]

PROPHET PARTY

In [0]:
import pandas as pd
import numpy as np
## GLOBAL WK 2
train_file = "https://raw.githubusercontent.com/danielcaraway/data/master/covid19-global-forecasting-week-2/train.csv"
test_file = "https://raw.githubusercontent.com/danielcaraway/data/master/covid19-global-forecasting-week-2/test.csv"
sub_file = "https://raw.githubusercontent.com/danielcaraway/data/master/covid19-global-forecasting-week-2/submission.csv"

train = pd.read_csv(train_file)
test = pd.read_csv(test_file)
sub = pd.read_csv(sub_file)
In [0]:
# train = subset.copy()
def use_country(state, country):
  if pd.isna(state):
    return country
  else:
    return state

train['Province_State'] = train.apply(lambda x: use_country(x['Province_State'], x['Country_Region']), axis=1)
test['Province_State'] = test.apply(lambda x: use_country(x['Province_State'], x['Country_Region']), axis=1)
In [0]:
from fbprophet import Prophet 
def get_prof_preds_for(df, n):
  m = Prophet(daily_seasonality=True)
  m.fit(df)
  future = m.make_future_dataframe(periods=n)
  forecast = m.predict(future)
  fig1 = m.plot(forecast)
  return forecast
  
In [0]:
sm = train[['Date','ConfirmedCases']]
sm.columns = ['ds', 'y']
In [108]:
spain = 
get_prof_preds_for(sm, 43)
INFO:numexpr.utils:NumExpr defaulting to 2 threads.
INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
In [58]:
countries = set(train['Province_State'])
big_df = pd.DataFrame()
# for country in list(countries)[:3]:
for country in list(countries):  
  df = train[train['Province_State'] == country]
  # df = train[train['Country_Region'] == country]
  df_0 = df[df['ConfirmedCases'] > 0]
  sm = df_0[['Date','ConfirmedCases']]
  sm.columns = ['ds', 'y']
  results = get_prof_preds_for(sm, 34)
  new_df = results[['ds', 'trend', 'yhat']]
  new_df['country'] = country
  big_df = big_df.append(new_df)
  print('COUNTRY:', country)
  print(results)
  

  # train model
  # run model
  # make predictions
  # print predictions
INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 15.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Malta
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-07   -1.430856  ...                         0.0  -21.759509
1  2020-03-08    6.151689  ...                         0.0  -15.098138
2  2020-03-09   13.734234  ...                         0.0   -6.437629
3  2020-03-10   21.316779  ...                         0.0   -2.110366
4  2020-03-11   28.899323  ...                         0.0    4.549267
5  2020-03-12   36.481868  ...                         0.0   11.207623
6  2020-03-13   44.064413  ...                         0.0   18.532390
7  2020-03-14   51.646958  ...                         0.0   31.318305
8  2020-03-15   59.232023  ...                         0.0   37.982196
9  2020-03-16   66.819282  ...                         0.0   46.647420
10 2020-03-17   74.407861  ...                         0.0   50.980716
11 2020-03-18   81.998490  ...                         0.0   57.648434
12 2020-03-19   89.591802  ...                         0.0   64.317557
13 2020-03-20   97.185260  ...                         0.0   71.653236
14 2020-03-21  104.778757  ...                         0.0   84.450104
15 2020-03-22  112.372254  ...                         0.0   91.122427
16 2020-03-23  119.965751  ...                         0.0   99.793888
17 2020-03-24  127.559248  ...                         0.0  104.132103
18 2020-03-25  135.152744  ...                         0.0  110.802688
19 2020-03-26  142.746241  ...                         0.0  117.471996
20 2020-03-27  150.339738  ...                         0.0  124.807715
21 2020-03-28  157.933235  ...                         0.0  137.604582
22 2020-03-29  165.526732  ...                         0.0  144.276906
23 2020-03-30  173.120229  ...                         0.0  152.948367
24 2020-03-31  180.713726  ...                         0.0  157.286581
25 2020-04-01  188.307223  ...                         0.0  163.957167
26 2020-04-02  195.900720  ...                         0.0  170.626475
27 2020-04-03  203.494217  ...                         0.0  177.962193
28 2020-04-04  211.087714  ...                         0.0  190.759061
29 2020-04-05  218.681211  ...                         0.0  197.431384
30 2020-04-06  226.274708  ...                         0.0  206.102845
31 2020-04-07  233.868205  ...                         0.0  210.441060
32 2020-04-08  241.461702  ...                         0.0  217.111646
33 2020-04-09  249.055199  ...                         0.0  223.780953
34 2020-04-10  256.648695  ...                         0.0  231.116672
35 2020-04-11  264.242192  ...                         0.0  243.913539
36 2020-04-12  271.835689  ...                         0.0  250.585863
37 2020-04-13  279.429186  ...                         0.0  259.257324
38 2020-04-14  287.022683  ...                         0.0  263.595539
39 2020-04-15  294.616180  ...                         0.0  270.266124
40 2020-04-16  302.209677  ...                         0.0  276.935432
41 2020-04-17  309.803174  ...                         0.0  284.271151
42 2020-04-18  317.396671  ...                         0.0  297.068018
43 2020-04-19  324.990168  ...                         0.0  303.740341
44 2020-04-20  332.583665  ...                         0.0  312.411802
45 2020-04-21  340.177162  ...                         0.0  316.750017
46 2020-04-22  347.770659  ...                         0.0  323.420603
47 2020-04-23  355.364156  ...                         0.0  330.089911
48 2020-04-24  362.957653  ...                         0.0  337.425629
49 2020-04-25  370.551149  ...                         0.0  350.222496
50 2020-04-26  378.144646  ...                         0.0  356.894820
51 2020-04-27  385.738143  ...                         0.0  365.566281
52 2020-04-28  393.331640  ...                         0.0  369.904496
53 2020-04-29  400.925137  ...                         0.0  376.575081
54 2020-04-30  408.518634  ...                         0.0  383.244389

[55 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 19.
COUNTRY: Tennessee
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-10   -15.786215  ...                         0.0  -213.291253
1  2020-03-11    55.329768  ...                         0.0  -162.920131
2  2020-03-12   126.445752  ...                         0.0   -74.541319
3  2020-03-13   197.561736  ...                         0.0    28.177631
4  2020-03-14   268.677719  ...                         0.0   -47.145146
5  2020-03-15   339.793703  ...                         0.0    23.416600
6  2020-03-16   410.909686  ...                         0.0    84.477799
7  2020-03-17   482.025670  ...                         0.0   284.520633
8  2020-03-18   553.141654  ...                         0.0   334.891754
9  2020-03-19   624.258316  ...                         0.0   423.271245
10 2020-03-20   695.374978  ...                         0.0   525.990874
11 2020-03-21   766.491641  ...                         0.0   450.668776
12 2020-03-22   837.608491  ...                         0.0   521.231388
13 2020-03-23   908.725341  ...                         0.0   582.293453
14 2020-03-24   979.842191  ...                         0.0   782.337153
15 2020-03-25  1050.959041  ...                         0.0   832.709141
16 2020-03-26  1122.075891  ...                         0.0   921.088820
17 2020-03-27  1193.192741  ...                         0.0  1023.808636
18 2020-03-28  1264.309590  ...                         0.0   948.486725
19 2020-03-29  1335.426440  ...                         0.0  1019.049337
20 2020-03-30  1406.543290  ...                         0.0  1080.111403
21 2020-03-31  1477.660140  ...                         0.0  1280.155103
22 2020-04-01  1548.776990  ...                         0.0  1330.527091
23 2020-04-02  1619.893840  ...                         0.0  1418.906770
24 2020-04-03  1691.010690  ...                         0.0  1521.626586
25 2020-04-04  1762.127540  ...                         0.0  1446.304675
26 2020-04-05  1833.244390  ...                         0.0  1516.867287
27 2020-04-06  1904.361240  ...                         0.0  1577.929353
28 2020-04-07  1975.478090  ...                         0.0  1777.973053
29 2020-04-08  2046.594940  ...                         0.0  1828.345041
30 2020-04-09  2117.711790  ...                         0.0  1916.724719
31 2020-04-10  2188.828640  ...                         0.0  2019.444535
32 2020-04-11  2259.945490  ...                         0.0  1944.122625
33 2020-04-12  2331.062340  ...                         0.0  2014.685237
34 2020-04-13  2402.179190  ...                         0.0  2075.747302
35 2020-04-14  2473.296040  ...                         0.0  2275.791003
36 2020-04-15  2544.412890  ...                         0.0  2326.162991
37 2020-04-16  2615.529740  ...                         0.0  2414.542669
38 2020-04-17  2686.646590  ...                         0.0  2517.262485
39 2020-04-18  2757.763440  ...                         0.0  2441.940575
40 2020-04-19  2828.880290  ...                         0.0  2512.503187
41 2020-04-20  2899.997140  ...                         0.0  2573.565252
42 2020-04-21  2971.113990  ...                         0.0  2773.608952
43 2020-04-22  3042.230840  ...                         0.0  2823.980940
44 2020-04-23  3113.347690  ...                         0.0  2912.360619
45 2020-04-24  3184.464540  ...                         0.0  3015.080435
46 2020-04-25  3255.581390  ...                         0.0  2939.758525
47 2020-04-26  3326.698240  ...                         0.0  3010.321136
48 2020-04-27  3397.815090  ...                         0.0  3071.383202
49 2020-04-28  3468.931939  ...                         0.0  3271.426902
50 2020-04-29  3540.048789  ...                         0.0  3321.798890
51 2020-04-30  3611.165639  ...                         0.0  3410.178569

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 12.
COUNTRY: Argentina
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-03    -6.673578  ...                         0.0   -90.287633
1  2020-03-04    13.197480  ...                         0.0   -87.048346
2  2020-03-05    33.068539  ...                         0.0   -53.827903
3  2020-03-06    52.939597  ...                         0.0   -21.103967
4  2020-03-07    72.810655  ...                         0.0   -72.236694
5  2020-03-08    92.681713  ...                         0.0   -31.282799
6  2020-03-09   112.552771  ...                         0.0   -15.972318
7  2020-03-10   132.423829  ...                         0.0    48.809773
8  2020-03-11   152.294887  ...                         0.0    52.049061
9  2020-03-12   172.165945  ...                         0.0    85.269504
10 2020-03-13   192.037003  ...                         0.0   117.993440
11 2020-03-14   211.908239  ...                         0.0    66.860890
12 2020-03-15   231.779474  ...                         0.0   107.814962
13 2020-03-16   251.650791  ...                         0.0   123.125701
14 2020-03-17   271.522121  ...                         0.0   187.908065
15 2020-03-18   291.393463  ...                         0.0   191.147637
16 2020-03-19   311.266914  ...                         0.0   224.370473
17 2020-03-20   331.144718  ...                         0.0   257.101155
18 2020-03-21   351.022522  ...                         0.0   205.975173
19 2020-03-22   370.900327  ...                         0.0   246.935814
20 2020-03-23   390.778131  ...                         0.0   262.253041
21 2020-03-24   410.655935  ...                         0.0   327.041879
22 2020-03-25   430.533739  ...                         0.0   330.287913
23 2020-03-26   450.411543  ...                         0.0   363.515102
24 2020-03-27   470.289347  ...                         0.0   396.245784
25 2020-03-28   490.167151  ...                         0.0   345.119802
26 2020-03-29   510.044956  ...                         0.0   386.080443
27 2020-03-30   529.922760  ...                         0.0   401.397670
28 2020-03-31   549.800564  ...                         0.0   466.186508
29 2020-04-01   569.678368  ...                         0.0   469.432542
30 2020-04-02   589.556172  ...                         0.0   502.659731
31 2020-04-03   609.433976  ...                         0.0   535.390413
32 2020-04-04   629.311780  ...                         0.0   484.264431
33 2020-04-05   649.189585  ...                         0.0   525.225072
34 2020-04-06   669.067389  ...                         0.0   540.542299
35 2020-04-07   688.945193  ...                         0.0   605.331137
36 2020-04-08   708.822997  ...                         0.0   608.577171
37 2020-04-09   728.700801  ...                         0.0   641.804360
38 2020-04-10   748.578605  ...                         0.0   674.535042
39 2020-04-11   768.456409  ...                         0.0   623.409060
40 2020-04-12   788.334214  ...                         0.0   664.369701
41 2020-04-13   808.212018  ...                         0.0   679.686928
42 2020-04-14   828.089822  ...                         0.0   744.475766
43 2020-04-15   847.967626  ...                         0.0   747.721800
44 2020-04-16   867.845430  ...                         0.0   780.948989
45 2020-04-17   887.723234  ...                         0.0   813.679671
46 2020-04-18   907.601039  ...                         0.0   762.553689
47 2020-04-19   927.478843  ...                         0.0   803.514330
48 2020-04-20   947.356647  ...                         0.0   818.831557
49 2020-04-21   967.234451  ...                         0.0   883.620395
50 2020-04-22   987.112255  ...                         0.0   886.866429
51 2020-04-23  1006.990059  ...                         0.0   920.093618
52 2020-04-24  1026.867863  ...                         0.0   952.824300
53 2020-04-25  1046.745668  ...                         0.0   901.698318
54 2020-04-26  1066.623472  ...                         0.0   942.658959
55 2020-04-27  1086.501276  ...                         0.0   957.976186
56 2020-04-28  1106.379080  ...                         0.0  1022.765024
57 2020-04-29  1126.256884  ...                         0.0  1026.011058
58 2020-04-30  1146.134688  ...                         0.0  1059.238247

[59 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 19.
COUNTRY: Cote d'Ivoire
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-11   -1.874364  ...                         0.0  -12.792135
1  2020-03-12    4.093786  ...                         0.0   -6.437642
2  2020-03-13   10.061935  ...                         0.0   -4.763730
3  2020-03-14   16.030084  ...                         0.0  -13.496723
4  2020-03-15   21.998233  ...                         0.0  -13.496059
5  2020-03-16   27.966382  ...                         0.0   -7.977660
6  2020-03-17   33.934532  ...                         0.0   18.108187
7  2020-03-18   39.902681  ...                         0.0   28.984909
8  2020-03-19   45.870876  ...                         0.0   35.339449
9  2020-03-20   51.839072  ...                         0.0   37.013407
10 2020-03-21   57.807267  ...                         0.0   28.280460
11 2020-03-22   63.775462  ...                         0.0   28.281170
12 2020-03-23   69.743658  ...                         0.0   33.799615
13 2020-03-24   75.711853  ...                         0.0   59.885508
14 2020-03-25   81.680048  ...                         0.0   70.762277
15 2020-03-26   87.648244  ...                         0.0   77.116817
16 2020-03-27   93.616439  ...                         0.0   78.790775
17 2020-03-28   99.584635  ...                         0.0   70.057828
18 2020-03-29  105.552830  ...                         0.0   70.058538
19 2020-03-30  111.521025  ...                         0.0   75.576982
20 2020-03-31  117.489221  ...                         0.0  101.662876
21 2020-04-01  123.457416  ...                         0.0  112.539645
22 2020-04-02  129.425612  ...                         0.0  118.894184
23 2020-04-03  135.393807  ...                         0.0  120.568143
24 2020-04-04  141.362002  ...                         0.0  111.835196
25 2020-04-05  147.330198  ...                         0.0  111.835905
26 2020-04-06  153.298393  ...                         0.0  117.354350
27 2020-04-07  159.266588  ...                         0.0  143.440244
28 2020-04-08  165.234784  ...                         0.0  154.317012
29 2020-04-09  171.202979  ...                         0.0  160.671552
30 2020-04-10  177.171175  ...                         0.0  162.345510
31 2020-04-11  183.139370  ...                         0.0  153.612563
32 2020-04-12  189.107565  ...                         0.0  153.613273
33 2020-04-13  195.075761  ...                         0.0  159.131718
34 2020-04-14  201.043956  ...                         0.0  185.217612
35 2020-04-15  207.012152  ...                         0.0  196.094380
36 2020-04-16  212.980347  ...                         0.0  202.448920
37 2020-04-17  218.948542  ...                         0.0  204.122878
38 2020-04-18  224.916738  ...                         0.0  195.389931
39 2020-04-19  230.884933  ...                         0.0  195.390641
40 2020-04-20  236.853129  ...                         0.0  200.909086
41 2020-04-21  242.821324  ...                         0.0  226.994979
42 2020-04-22  248.789519  ...                         0.0  237.871748
43 2020-04-23  254.757715  ...                         0.0  244.226287
44 2020-04-24  260.725910  ...                         0.0  245.900246
45 2020-04-25  266.694105  ...                         0.0  237.167299
46 2020-04-26  272.662301  ...                         0.0  237.168009
47 2020-04-27  278.630496  ...                         0.0  242.686453
48 2020-04-28  284.598692  ...                         0.0  268.772347
49 2020-04-29  290.566887  ...                         0.0  279.649116
50 2020-04-30  296.535082  ...                         0.0  286.003655

[51 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 1.
COUNTRY: Senegal
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-02   -1.286820  ...                         0.0  -18.363646
1  2020-03-03    3.033783  ...                         0.0  -15.864870
2  2020-03-04    7.354387  ...                         0.0  -10.864971
3  2020-03-05   11.674990  ...                         0.0   -9.366695
4  2020-03-06   15.995593  ...                         0.0   -2.616135
5  2020-03-07   20.316196  ...                         0.0   -9.915651
6  2020-03-08   24.636799  ...                         0.0    1.421216
7  2020-03-09   28.957402  ...                         0.0   11.880576
8  2020-03-10   33.278005  ...                         0.0   14.379352
9  2020-03-11   37.598608  ...                         0.0   19.379251
10 2020-03-12   41.919212  ...                         0.0   20.877527
11 2020-03-13   46.240114  ...                         0.0   27.628387
12 2020-03-14   50.561020  ...                         0.0   20.329172
13 2020-03-15   54.881927  ...                         0.0   31.666345
14 2020-03-16   59.202915  ...                         0.0   42.126089
15 2020-03-17   63.523957  ...                         0.0   44.625304
16 2020-03-18   67.845000  ...                         0.0   49.625643
17 2020-03-19   72.166246  ...                         0.0   51.124561
18 2020-03-20   76.487493  ...                         0.0   57.875765
19 2020-03-21   80.809003  ...                         0.0   50.577155
20 2020-03-22   85.130513  ...                         0.0   61.914930
21 2020-03-23   89.452023  ...                         0.0   72.375197
22 2020-03-24   93.773533  ...                         0.0   74.874880
23 2020-03-25   98.095044  ...                         0.0   79.875687
24 2020-03-26  102.416554  ...                         0.0   81.374869
25 2020-03-27  106.738064  ...                         0.0   88.126337
26 2020-03-28  111.059574  ...                         0.0   80.827727
27 2020-03-29  115.381084  ...                         0.0   92.165502
28 2020-03-30  119.702595  ...                         0.0  102.625769
29 2020-03-31  124.024105  ...                         0.0  105.125451
30 2020-04-01  128.345615  ...                         0.0  110.126258
31 2020-04-02  132.667125  ...                         0.0  111.625440
32 2020-04-03  136.988635  ...                         0.0  118.376908
33 2020-04-04  141.310146  ...                         0.0  111.078298
34 2020-04-05  145.631656  ...                         0.0  122.416073
35 2020-04-06  149.953166  ...                         0.0  132.876340
36 2020-04-07  154.274676  ...                         0.0  135.376023
37 2020-04-08  158.596186  ...                         0.0  140.376829
38 2020-04-09  162.917697  ...                         0.0  141.876012
39 2020-04-10  167.239207  ...                         0.0  148.627479
40 2020-04-11  171.560717  ...                         0.0  141.328870
41 2020-04-12  175.882227  ...                         0.0  152.666644
42 2020-04-13  180.203737  ...                         0.0  163.126912
43 2020-04-14  184.525248  ...                         0.0  165.626594
44 2020-04-15  188.846758  ...                         0.0  170.627401
45 2020-04-16  193.168268  ...                         0.0  172.126583
46 2020-04-17  197.489778  ...                         0.0  178.878051
47 2020-04-18  201.811288  ...                         0.0  171.579441
48 2020-04-19  206.132799  ...                         0.0  182.917216
49 2020-04-20  210.454309  ...                         0.0  193.377483
50 2020-04-21  214.775819  ...                         0.0  195.877166
51 2020-04-22  219.097329  ...                         0.0  200.877972
52 2020-04-23  223.418839  ...                         0.0  202.377155
53 2020-04-24  227.740350  ...                         0.0  209.128622
54 2020-04-25  232.061860  ...                         0.0  201.830012
55 2020-04-26  236.383370  ...                         0.0  213.167787
56 2020-04-27  240.704880  ...                         0.0  223.628054
57 2020-04-28  245.026390  ...                         0.0  226.127737
58 2020-04-29  249.347901  ...                         0.0  231.128543
59 2020-04-30  253.669411  ...                         0.0  232.627726

[60 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 12.
COUNTRY: Saint Kitts and Nevis
           ds  trend  ...  multiplicative_terms_upper  yhat
0  2020-03-25    2.0  ...                         0.0   2.0
1  2020-03-26    2.0  ...                         0.0   2.0
2  2020-03-27    2.0  ...                         0.0   2.0
3  2020-03-28    2.0  ...                         0.0   2.0
4  2020-03-29    2.0  ...                         0.0   2.0
5  2020-03-30    2.0  ...                         0.0   2.0
6  2020-03-31    2.0  ...                         0.0   2.0
7  2020-04-01    2.0  ...                         0.0   2.0
8  2020-04-02    2.0  ...                         0.0   2.0
9  2020-04-03    2.0  ...                         0.0   2.0
10 2020-04-04    2.0  ...                         0.0   2.0
11 2020-04-05    2.0  ...                         0.0   2.0
12 2020-04-06    2.0  ...                         0.0   2.0
13 2020-04-07    2.0  ...                         0.0   2.0
14 2020-04-08    2.0  ...                         0.0   2.0
15 2020-04-09    2.0  ...                         0.0   2.0
16 2020-04-10    2.0  ...                         0.0   2.0
17 2020-04-11    2.0  ...                         0.0   2.0
18 2020-04-12    2.0  ...                         0.0   2.0
19 2020-04-13    2.0  ...                         0.0   2.0
20 2020-04-14    2.0  ...                         0.0   2.0
21 2020-04-15    2.0  ...                         0.0   2.0
22 2020-04-16    2.0  ...                         0.0   2.0
23 2020-04-17    2.0  ...                         0.0   2.0
24 2020-04-18    2.0  ...                         0.0   2.0
25 2020-04-19    2.0  ...                         0.0   2.0
26 2020-04-20    2.0  ...                         0.0   2.0
27 2020-04-21    2.0  ...                         0.0   2.0
28 2020-04-22    2.0  ...                         0.0   2.0
29 2020-04-23    2.0  ...                         0.0   2.0
30 2020-04-24    2.0  ...                         0.0   2.0
31 2020-04-25    2.0  ...                         0.0   2.0
32 2020-04-26    2.0  ...                         0.0   2.0
33 2020-04-27    2.0  ...                         0.0   2.0
34 2020-04-28    2.0  ...                         0.0   2.0
35 2020-04-29    2.0  ...                         0.0   2.0
36 2020-04-30    2.0  ...                         0.0   2.0

[37 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 19.
COUNTRY: Arkansas
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-11    -4.095577  ...                         0.0   -57.378351
1  2020-03-12    19.057341  ...                         0.0   -27.703169
2  2020-03-13    42.210258  ...                         0.0    -1.026883
3  2020-03-14    65.363176  ...                         0.0   -14.024136
4  2020-03-15    88.516093  ...                         0.0     9.490641
5  2020-03-16   111.669011  ...                         0.0    26.005598
6  2020-03-17   134.821929  ...                         0.0    39.520608
7  2020-03-18   157.974846  ...                         0.0   104.692072
8  2020-03-19   181.127764  ...                         0.0   134.367254
9  2020-03-20   204.280681  ...                         0.0   161.043540
10 2020-03-21   227.434636  ...                         0.0   148.047324
11 2020-03-22   250.588591  ...                         0.0   171.563139
12 2020-03-23   273.742545  ...                         0.0   188.079132
13 2020-03-24   296.896500  ...                         0.0   201.595180
14 2020-03-25   320.050455  ...                         0.0   266.767680
15 2020-03-26   343.204409  ...                         0.0   296.443900
16 2020-03-27   366.358364  ...                         0.0   323.121223
17 2020-03-28   389.512319  ...                         0.0   310.125007
18 2020-03-29   412.666274  ...                         0.0   333.640822
19 2020-03-30   435.820228  ...                         0.0   350.156815
20 2020-03-31   458.974183  ...                         0.0   363.672863
21 2020-04-01   482.128138  ...                         0.0   428.845363
22 2020-04-02   505.282093  ...                         0.0   458.521583
23 2020-04-03   528.436047  ...                         0.0   485.198906
24 2020-04-04   551.590002  ...                         0.0   472.202690
25 2020-04-05   574.743957  ...                         0.0   495.718505
26 2020-04-06   597.897911  ...                         0.0   512.234498
27 2020-04-07   621.051866  ...                         0.0   525.750546
28 2020-04-08   644.205821  ...                         0.0   590.923046
29 2020-04-09   667.359776  ...                         0.0   620.599266
30 2020-04-10   690.513730  ...                         0.0   647.276589
31 2020-04-11   713.667685  ...                         0.0   634.280373
32 2020-04-12   736.821640  ...                         0.0   657.796188
33 2020-04-13   759.975594  ...                         0.0   674.312181
34 2020-04-14   783.129549  ...                         0.0   687.828229
35 2020-04-15   806.283504  ...                         0.0   753.000730
36 2020-04-16   829.437459  ...                         0.0   782.676949
37 2020-04-17   852.591413  ...                         0.0   809.354272
38 2020-04-18   875.745368  ...                         0.0   796.358056
39 2020-04-19   898.899323  ...                         0.0   819.873871
40 2020-04-20   922.053277  ...                         0.0   836.389864
41 2020-04-21   945.207232  ...                         0.0   849.905912
42 2020-04-22   968.361187  ...                         0.0   915.078413
43 2020-04-23   991.515142  ...                         0.0   944.754632
44 2020-04-24  1014.669096  ...                         0.0   971.431955
45 2020-04-25  1037.823051  ...                         0.0   958.435739
46 2020-04-26  1060.977006  ...                         0.0   981.951554
47 2020-04-27  1084.130961  ...                         0.0   998.467547
48 2020-04-28  1107.284915  ...                         0.0  1011.983595
49 2020-04-29  1130.438870  ...                         0.0  1077.156096
50 2020-04-30  1153.592825  ...                         0.0  1106.832315

[51 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 8.
COUNTRY: Tasmania
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-02  -0.486313  ...                         0.0  -7.078012
1  2020-03-03   1.092308  ...                         0.0  -7.079562
2  2020-03-04   2.670928  ...                         0.0  -4.081235
3  2020-03-05   4.249548  ...                         0.0  -1.333065
4  2020-03-06   5.828168  ...                         0.0  -0.835113
5  2020-03-07   7.406788  ...                         0.0  -3.718309
6  2020-03-08   8.985408  ...                         0.0  -1.053574
7  2020-03-09  10.564029  ...                         0.0   3.972329
8  2020-03-10  12.142649  ...                         0.0   3.970779
9  2020-03-11  13.721269  ...                         0.0   6.969106
10 2020-03-12  15.300127  ...                         0.0   9.717514
11 2020-03-13  16.878985  ...                         0.0  10.215703
12 2020-03-14  18.457842  ...                         0.0   7.332745
13 2020-03-15  20.036700  ...                         0.0   9.997718
14 2020-03-16  21.615561  ...                         0.0  15.023862
15 2020-03-17  23.194421  ...                         0.0  15.022552
16 2020-03-18  24.773282  ...                         0.0  18.021119
17 2020-03-19  26.352142  ...                         0.0  20.769529
18 2020-03-20  27.931003  ...                         0.0  21.267721
19 2020-03-21  29.509863  ...                         0.0  18.384766
20 2020-03-22  31.088724  ...                         0.0  21.049741
21 2020-03-23  32.667585  ...                         0.0  26.075885
22 2020-03-24  34.246445  ...                         0.0  26.074575
23 2020-03-25  35.825306  ...                         0.0  29.073143
24 2020-03-26  37.404166  ...                         0.0  31.821553
25 2020-03-27  38.983027  ...                         0.0  32.319745
26 2020-03-28  40.561887  ...                         0.0  29.436790
27 2020-03-29  42.140748  ...                         0.0  32.101765
28 2020-03-30  43.719608  ...                         0.0  37.127909
29 2020-03-31  45.298469  ...                         0.0  37.126599
30 2020-04-01  46.877330  ...                         0.0  40.125167
31 2020-04-02  48.456190  ...                         0.0  42.873577
32 2020-04-03  50.035051  ...                         0.0  43.371769
33 2020-04-04  51.613911  ...                         0.0  40.488814
34 2020-04-05  53.192772  ...                         0.0  43.153789
35 2020-04-06  54.771632  ...                         0.0  48.179933
36 2020-04-07  56.350493  ...                         0.0  48.178623
37 2020-04-08  57.929354  ...                         0.0  51.177191
38 2020-04-09  59.508214  ...                         0.0  53.925601
39 2020-04-10  61.087075  ...                         0.0  54.423793
40 2020-04-11  62.665935  ...                         0.0  51.540838
41 2020-04-12  64.244796  ...                         0.0  54.205813
42 2020-04-13  65.823656  ...                         0.0  59.231957
43 2020-04-14  67.402517  ...                         0.0  59.230647
44 2020-04-15  68.981377  ...                         0.0  62.229215
45 2020-04-16  70.560238  ...                         0.0  64.977625
46 2020-04-17  72.139099  ...                         0.0  65.475817
47 2020-04-18  73.717959  ...                         0.0  62.592862
48 2020-04-19  75.296820  ...                         0.0  65.257837
49 2020-04-20  76.875680  ...                         0.0  70.283981
50 2020-04-21  78.454541  ...                         0.0  70.282671
51 2020-04-22  80.033401  ...                         0.0  73.281238
52 2020-04-23  81.612262  ...                         0.0  76.029649
53 2020-04-24  83.191122  ...                         0.0  76.527841
54 2020-04-25  84.769983  ...                         0.0  73.644886
55 2020-04-26  86.348844  ...                         0.0  76.309861
56 2020-04-27  87.927704  ...                         0.0  81.336005
57 2020-04-28  89.506565  ...                         0.0  81.334695
58 2020-04-29  91.085425  ...                         0.0  84.333262
59 2020-04-30  92.664286  ...                         0.0  87.081672

[60 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 21.
COUNTRY: Bahamas
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-16  -0.010831  ...                         0.0   0.100304
1  2020-03-17   0.730079  ...                         0.0   0.841213
2  2020-03-18   1.470988  ...                         0.0   1.582122
3  2020-03-19   2.211897  ...                         0.0   2.323031
4  2020-03-20   2.952806  ...                         0.0   3.063940
5  2020-03-21   3.693715  ...                         0.0   3.804850
6  2020-03-22   4.434624  ...                         0.0   4.545759
7  2020-03-23   5.175533  ...                         0.0   5.286668
8  2020-03-24   5.916443  ...                         0.0   6.027577
9  2020-03-25   6.657352  ...                         0.0   6.768486
10 2020-03-26   7.398261  ...                         0.0   7.509395
11 2020-03-27   8.139170  ...                         0.0   8.250304
12 2020-03-28   8.880079  ...                         0.0   8.991214
13 2020-03-29   9.620988  ...                         0.0   9.732123
14 2020-03-30  10.361898  ...                         0.0  10.473032
15 2020-03-31  11.102807  ...                         0.0  11.213941
16 2020-04-01  11.843716  ...                         0.0  11.954850
17 2020-04-02  12.584625  ...                         0.0  12.695759
18 2020-04-03  13.325534  ...                         0.0  13.436669
19 2020-04-04  14.066443  ...                         0.0  14.177578
20 2020-04-05  14.807352  ...                         0.0  14.918487
21 2020-04-06  15.548262  ...                         0.0  15.659396
22 2020-04-07  16.289171  ...                         0.0  16.400305
23 2020-04-08  17.030080  ...                         0.0  17.141214
24 2020-04-09  17.770989  ...                         0.0  17.882124
25 2020-04-10  18.511898  ...                         0.0  18.623033
26 2020-04-11  19.252807  ...                         0.0  19.363942
27 2020-04-12  19.993717  ...                         0.0  20.104851
28 2020-04-13  20.734626  ...                         0.0  20.845760
29 2020-04-14  21.475535  ...                         0.0  21.586669
30 2020-04-15  22.216444  ...                         0.0  22.327578
31 2020-04-16  22.957353  ...                         0.0  23.068488
32 2020-04-17  23.698262  ...                         0.0  23.809397
33 2020-04-18  24.439171  ...                         0.0  24.550306
34 2020-04-19  25.180081  ...                         0.0  25.291215
35 2020-04-20  25.920990  ...                         0.0  26.032124
36 2020-04-21  26.661899  ...                         0.0  26.773033
37 2020-04-22  27.402808  ...                         0.0  27.513943
38 2020-04-23  28.143717  ...                         0.0  28.254852
39 2020-04-24  28.884626  ...                         0.0  28.995761
40 2020-04-25  29.625536  ...                         0.0  29.736670
41 2020-04-26  30.366445  ...                         0.0  30.477579
42 2020-04-27  31.107354  ...                         0.0  31.218488
43 2020-04-28  31.848263  ...                         0.0  31.959397
44 2020-04-29  32.589172  ...                         0.0  32.700307
45 2020-04-30  33.330081  ...                         0.0  33.441216

[46 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 3.
COUNTRY: Monaco
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-02-29  -0.413728  ...                         0.0  -8.476841
1  2020-03-01   0.750709  ...                         0.0  -5.477193
2  2020-03-02   1.915147  ...                         0.0  -4.227511
3  2020-03-03   3.079585  ...                         0.0  -4.227809
4  2020-03-04   4.244023  ...                         0.0  -2.228245
..        ...        ...  ...                         ...        ...
57 2020-04-26  65.961479  ...                         0.0  59.733576
58 2020-04-27  67.125970  ...                         0.0  60.983312
59 2020-04-28  68.290462  ...                         0.0  60.983068
60 2020-04-29  69.454954  ...                         0.0  62.982686
61 2020-04-30  70.619445  ...                         0.0  63.732324

[62 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Grenada
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-22  -0.025539  ...                         0.0  -0.417452
1  2020-03-23   1.340706  ...                         0.0   0.948793
2  2020-03-24   2.706951  ...                         0.0   2.315038
3  2020-03-25   4.073196  ...                         0.0   3.681283
4  2020-03-26   5.439441  ...                         0.0   5.047528
5  2020-03-27   6.805686  ...                         0.0   6.413773
6  2020-03-28   8.171931  ...                         0.0   7.780018
7  2020-03-29   9.538176  ...                         0.0   9.146263
8  2020-03-30  10.904421  ...                         0.0  10.512508
9  2020-03-31  12.270666  ...                         0.0  11.878754
10 2020-04-01  13.636912  ...                         0.0  13.244999
11 2020-04-02  15.003157  ...                         0.0  14.611244
12 2020-04-03  16.369402  ...                         0.0  15.977489
13 2020-04-04  17.735647  ...                         0.0  17.343734
14 2020-04-05  19.101892  ...                         0.0  18.709979
15 2020-04-06  20.468137  ...                         0.0  20.076224
16 2020-04-07  21.834382  ...                         0.0  21.442469
17 2020-04-08  23.200627  ...                         0.0  22.808714
18 2020-04-09  24.566872  ...                         0.0  24.174959
19 2020-04-10  25.933117  ...                         0.0  25.541205
20 2020-04-11  27.299363  ...                         0.0  26.907450
21 2020-04-12  28.665608  ...                         0.0  28.273695
22 2020-04-13  30.031853  ...                         0.0  29.639940
23 2020-04-14  31.398098  ...                         0.0  31.006185
24 2020-04-15  32.764343  ...                         0.0  32.372430
25 2020-04-16  34.130588  ...                         0.0  33.738675
26 2020-04-17  35.496833  ...                         0.0  35.104920
27 2020-04-18  36.863078  ...                         0.0  36.471165
28 2020-04-19  38.229323  ...                         0.0  37.837410
29 2020-04-20  39.595568  ...                         0.0  39.203656
30 2020-04-21  40.961814  ...                         0.0  40.569901
31 2020-04-22  42.328059  ...                         0.0  41.936146
32 2020-04-23  43.694304  ...                         0.0  43.302391
33 2020-04-24  45.060549  ...                         0.0  44.668636
34 2020-04-25  46.426794  ...                         0.0  46.034881
35 2020-04-26  47.793039  ...                         0.0  47.401126
36 2020-04-27  49.159284  ...                         0.0  48.767371
37 2020-04-28  50.525529  ...                         0.0  50.133616
38 2020-04-29  51.891774  ...                         0.0  51.499861
39 2020-04-30  53.258019  ...                         0.0  52.866107

[40 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Pennsylvania
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-10   -24.577866  ...                         0.0  -375.782861
1  2020-03-11    80.056801  ...                         0.0  -256.452069
2  2020-03-12   184.691468  ...                         0.0   -58.123348
3  2020-03-13   289.326135  ...                         0.0   163.871169
4  2020-03-14   393.960802  ...                         0.0  -144.717769
5  2020-03-15   498.595469  ...                         0.0   -78.719328
6  2020-03-16   603.230136  ...                         0.0    21.277983
7  2020-03-17   707.864802  ...                         0.0   356.659808
8  2020-03-18   812.499469  ...                         0.0   475.990599
9  2020-03-19   917.134136  ...                         0.0   674.319321
10 2020-03-20  1021.768803  ...                         0.0   896.313837
11 2020-03-21  1126.403470  ...                         0.0   587.724900
12 2020-03-22  1231.038141  ...                         0.0   653.723344
13 2020-03-23  1335.672811  ...                         0.0   753.720659
14 2020-03-24  1440.307482  ...                         0.0  1089.102487
15 2020-03-25  1544.942152  ...                         0.0  1208.433282
16 2020-03-26  1649.576823  ...                         0.0  1406.762007
17 2020-03-27  1754.211493  ...                         0.0  1628.756528
18 2020-03-28  1858.846164  ...                         0.0  1320.167593
19 2020-03-29  1963.480834  ...                         0.0  1386.166038
20 2020-03-30  2068.115505  ...                         0.0  1486.163353
21 2020-03-31  2172.750176  ...                         0.0  1821.545181
22 2020-04-01  2277.384846  ...                         0.0  1940.875976
23 2020-04-02  2382.019517  ...                         0.0  2139.204701
24 2020-04-03  2486.654187  ...                         0.0  2361.199222
25 2020-04-04  2591.288858  ...                         0.0  2052.610287
26 2020-04-05  2695.923528  ...                         0.0  2118.608731
27 2020-04-06  2800.558199  ...                         0.0  2218.606047
28 2020-04-07  2905.192869  ...                         0.0  2553.987875
29 2020-04-08  3009.827540  ...                         0.0  2673.318670
30 2020-04-09  3114.462211  ...                         0.0  2871.647395
31 2020-04-10  3219.096881  ...                         0.0  3093.641915
32 2020-04-11  3323.731552  ...                         0.0  2785.052981
33 2020-04-12  3428.366222  ...                         0.0  2851.051425
34 2020-04-13  3533.000893  ...                         0.0  2951.048741
35 2020-04-14  3637.635563  ...                         0.0  3286.430569
36 2020-04-15  3742.270234  ...                         0.0  3405.761364
37 2020-04-16  3846.904905  ...                         0.0  3604.090089
38 2020-04-17  3951.539575  ...                         0.0  3826.084609
39 2020-04-18  4056.174246  ...                         0.0  3517.495675
40 2020-04-19  4160.808916  ...                         0.0  3583.494119
41 2020-04-20  4265.443587  ...                         0.0  3683.491435
42 2020-04-21  4370.078257  ...                         0.0  4018.873263
43 2020-04-22  4474.712928  ...                         0.0  4138.204058
44 2020-04-23  4579.347598  ...                         0.0  4336.532783
45 2020-04-24  4683.982269  ...                         0.0  4558.527303
46 2020-04-25  4788.616940  ...                         0.0  4249.938369
47 2020-04-26  4893.251610  ...                         0.0  4315.936813
48 2020-04-27  4997.886281  ...                         0.0  4415.934129
49 2020-04-28  5102.520951  ...                         0.0  4751.315956
50 2020-04-29  5207.155622  ...                         0.0  4870.646752
51 2020-04-30  5311.790292  ...                         0.0  5068.975477

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 19.
COUNTRY: Malaysia
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-01-25     0.260780  ...                         0.0    -0.352636
1  2020-01-26     0.919632  ...                         0.0     2.808317
2  2020-01-27     1.578484  ...                         0.0    11.074762
3  2020-01-28     2.237336  ...                         0.0     3.004702
4  2020-01-29     2.896188  ...                         0.0     5.376775
..        ...          ...  ...                         ...          ...
92 2020-04-26  6346.633206  ...                         0.0  6348.521891
93 2020-04-27  6488.829627  ...                         0.0  6498.325905
94 2020-04-28  6631.026049  ...                         0.0  6631.793414
95 2020-04-29  6773.222470  ...                         0.0  6775.703056
96 2020-04-30  6915.418891  ...                         0.0  6921.833290

[97 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 4.
COUNTRY: Indonesia
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-02   -12.278340  ...                         0.0  -201.338244
1  2020-03-03    24.371339  ...                         0.0  -163.089012
2  2020-03-04    61.021017  ...                         0.0  -121.590396
3  2020-03-05    97.670696  ...                         0.0   -74.841751
4  2020-03-06   134.320375  ...                         0.0   -12.842980
5  2020-03-07   170.970053  ...                         0.0   -73.228440
6  2020-03-08   207.619732  ...                         0.0   -44.229121
7  2020-03-09   244.269410  ...                         0.0    55.209506
8  2020-03-10   280.919089  ...                         0.0    93.458738
9  2020-03-11   317.568770  ...                         0.0   134.957356
10 2020-03-12   354.218451  ...                         0.0   181.706004
11 2020-03-13   390.868133  ...                         0.0   243.704778
12 2020-03-14   427.517904  ...                         0.0   183.319410
13 2020-03-15   464.171753  ...                         0.0   212.322901
14 2020-03-16   500.825697  ...                         0.0   311.765792
15 2020-03-17   537.479881  ...                         0.0   350.019530
16 2020-03-18   574.136602  ...                         0.0   391.525188
17 2020-03-19   610.793355  ...                         0.0   438.280907
18 2020-03-20   647.450108  ...                         0.0   500.286753
19 2020-03-21   684.106861  ...                         0.0   439.908367
20 2020-03-22   720.763614  ...                         0.0   468.914762
21 2020-03-23   757.420367  ...                         0.0   568.360463
22 2020-03-24   794.077120  ...                         0.0   606.616770
23 2020-03-25   830.733874  ...                         0.0   648.122460
24 2020-03-26   867.390627  ...                         0.0   694.878179
25 2020-03-27   904.047380  ...                         0.0   756.884026
26 2020-03-28   940.704133  ...                         0.0   696.505640
27 2020-03-29   977.360887  ...                         0.0   725.512034
28 2020-03-30  1014.017640  ...                         0.0   824.957735
29 2020-03-31  1050.674393  ...                         0.0   863.214043
30 2020-04-01  1087.331146  ...                         0.0   904.719733
31 2020-04-02  1123.987900  ...                         0.0   951.475452
32 2020-04-03  1160.644653  ...                         0.0  1013.481299
33 2020-04-04  1197.301406  ...                         0.0   953.102913
34 2020-04-05  1233.958159  ...                         0.0   982.109307
35 2020-04-06  1270.614913  ...                         0.0  1081.555008
36 2020-04-07  1307.271666  ...                         0.0  1119.811315
37 2020-04-08  1343.928419  ...                         0.0  1161.317006
38 2020-04-09  1380.585172  ...                         0.0  1208.072725
39 2020-04-10  1417.241926  ...                         0.0  1270.078571
40 2020-04-11  1453.898679  ...                         0.0  1209.700186
41 2020-04-12  1490.555432  ...                         0.0  1238.706580
42 2020-04-13  1527.212185  ...                         0.0  1338.152281
43 2020-04-14  1563.868939  ...                         0.0  1376.408588
44 2020-04-15  1600.525692  ...                         0.0  1417.914279
45 2020-04-16  1637.182445  ...                         0.0  1464.669998
46 2020-04-17  1673.839198  ...                         0.0  1526.675844
47 2020-04-18  1710.495952  ...                         0.0  1466.297458
48 2020-04-19  1747.152705  ...                         0.0  1495.303853
49 2020-04-20  1783.809458  ...                         0.0  1594.749554
50 2020-04-21  1820.466212  ...                         0.0  1633.005861
51 2020-04-22  1857.122965  ...                         0.0  1674.511551
52 2020-04-23  1893.779718  ...                         0.0  1721.267271
53 2020-04-24  1930.436471  ...                         0.0  1783.273117
54 2020-04-25  1967.093225  ...                         0.0  1722.894731
55 2020-04-26  2003.749978  ...                         0.0  1751.901126
56 2020-04-27  2040.406731  ...                         0.0  1851.346826
57 2020-04-28  2077.063484  ...                         0.0  1889.603134
58 2020-04-29  2113.720238  ...                         0.0  1931.108824
59 2020-04-30  2150.376991  ...                         0.0  1977.864543

[60 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Uganda
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-21   -0.014511  ...                         0.0   -0.245520
1  2020-03-22    3.448283  ...                         0.0    3.217274
2  2020-03-23    6.911077  ...                         0.0    6.680067
3  2020-03-24   10.373870  ...                         0.0   10.142861
4  2020-03-25   13.836664  ...                         0.0   13.605654
5  2020-03-26   17.299457  ...                         0.0   17.068448
6  2020-03-27   20.762251  ...                         0.0   20.531242
7  2020-03-28   24.225044  ...                         0.0   23.994035
8  2020-03-29   27.687838  ...                         0.0   27.456829
9  2020-03-30   31.150631  ...                         0.0   30.919622
10 2020-03-31   34.613425  ...                         0.0   34.382416
11 2020-04-01   38.076218  ...                         0.0   37.845209
12 2020-04-02   41.539012  ...                         0.0   41.308003
13 2020-04-03   45.001805  ...                         0.0   44.770796
14 2020-04-04   48.464599  ...                         0.0   48.233590
15 2020-04-05   51.927392  ...                         0.0   51.696383
16 2020-04-06   55.390186  ...                         0.0   55.159177
17 2020-04-07   58.852979  ...                         0.0   58.621970
18 2020-04-08   62.315773  ...                         0.0   62.084764
19 2020-04-09   65.778566  ...                         0.0   65.547557
20 2020-04-10   69.241360  ...                         0.0   69.010351
21 2020-04-11   72.704153  ...                         0.0   72.473144
22 2020-04-12   76.166947  ...                         0.0   75.935938
23 2020-04-13   79.629740  ...                         0.0   79.398731
24 2020-04-14   83.092534  ...                         0.0   82.861525
25 2020-04-15   86.555327  ...                         0.0   86.324318
26 2020-04-16   90.018121  ...                         0.0   89.787112
27 2020-04-17   93.480914  ...                         0.0   93.249905
28 2020-04-18   96.943708  ...                         0.0   96.712699
29 2020-04-19  100.406502  ...                         0.0  100.175492
30 2020-04-20  103.869295  ...                         0.0  103.638286
31 2020-04-21  107.332089  ...                         0.0  107.101080
32 2020-04-22  110.794882  ...                         0.0  110.563873
33 2020-04-23  114.257676  ...                         0.0  114.026667
34 2020-04-24  117.720469  ...                         0.0  117.489460
35 2020-04-25  121.183263  ...                         0.0  120.952254
36 2020-04-26  124.646056  ...                         0.0  124.415047
37 2020-04-27  128.108850  ...                         0.0  127.877841
38 2020-04-28  131.571643  ...                         0.0  131.340634
39 2020-04-29  135.034437  ...                         0.0  134.803428
40 2020-04-30  138.497230  ...                         0.0  138.266221

[41 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Hong Kong
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-01-23    -0.371285  ...                         0.0    -5.542964
1  2020-01-24     2.236060  ...                         0.0     2.909374
2  2020-01-25     4.843404  ...                         0.0    -3.090630
3  2020-01-26     7.450749  ...                         0.0    -0.253988
4  2020-01-27    10.058094  ...                         0.0     2.693761
..        ...          ...  ...                         ...          ...
94 2020-04-26  1200.796384  ...                         0.0  1193.091647
95 2020-04-27  1225.637227  ...                         0.0  1218.272894
96 2020-04-28  1250.478070  ...                         0.0  1242.454142
97 2020-04-29  1275.318912  ...                         0.0  1267.413165
98 2020-04-30  1300.159755  ...                         0.0  1294.988076

[99 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 1.
COUNTRY: California
           ds         trend  ...  multiplicative_terms_upper          yhat
0  2020-03-10    -35.771630  ...                         0.0   -471.765470
1  2020-03-11    192.445252  ...                         0.0   -289.702049
2  2020-03-12    420.662134  ...                         0.0     92.432842
3  2020-03-13    648.879016  ...                         0.0    440.523544
4  2020-03-14    877.095899  ...                         0.0     51.938815
5  2020-03-15   1105.312781  ...                         0.0    236.012341
6  2020-03-16   1333.529664  ...                         0.0    532.700455
7  2020-03-17   1561.746546  ...                         0.0   1125.752706
8  2020-03-18   1789.963428  ...                         0.0   1307.816127
9  2020-03-19   2018.184209  ...                         0.0   1689.954917
10 2020-03-20   2246.404990  ...                         0.0   2038.049518
11 2020-03-21   2474.631608  ...                         0.0   1649.474524
12 2020-03-22   2702.858617  ...                         0.0   1833.558177
13 2020-03-23   2931.085626  ...                         0.0   2130.256418
14 2020-03-24   3159.312635  ...                         0.0   2723.318795
15 2020-03-25   3387.539644  ...                         0.0   2905.392343
16 2020-03-26   3615.766653  ...                         0.0   3287.537361
17 2020-03-27   3843.993662  ...                         0.0   3635.638189
18 2020-03-28   4072.220671  ...                         0.0   3247.063587
19 2020-03-29   4300.447680  ...                         0.0   3431.147240
20 2020-03-30   4528.674689  ...                         0.0   3727.845481
21 2020-03-31   4756.901698  ...                         0.0   4320.907858
22 2020-04-01   4985.128707  ...                         0.0   4502.981406
23 2020-04-02   5213.355716  ...                         0.0   4885.126424
24 2020-04-03   5441.582725  ...                         0.0   5233.227252
25 2020-04-04   5669.809734  ...                         0.0   4844.652650
26 2020-04-05   5898.036743  ...                         0.0   5028.736303
27 2020-04-06   6126.263752  ...                         0.0   5325.434544
28 2020-04-07   6354.490761  ...                         0.0   5918.496921
29 2020-04-08   6582.717770  ...                         0.0   6100.570469
30 2020-04-09   6810.944779  ...                         0.0   6482.715487
31 2020-04-10   7039.171788  ...                         0.0   6830.816315
32 2020-04-11   7267.398797  ...                         0.0   6442.241713
33 2020-04-12   7495.625806  ...                         0.0   6626.325366
34 2020-04-13   7723.852815  ...                         0.0   6923.023607
35 2020-04-14   7952.079824  ...                         0.0   7516.085984
36 2020-04-15   8180.306833  ...                         0.0   7698.159532
37 2020-04-16   8408.533842  ...                         0.0   8080.304550
38 2020-04-17   8636.760851  ...                         0.0   8428.405378
39 2020-04-18   8864.987860  ...                         0.0   8039.830776
40 2020-04-19   9093.214869  ...                         0.0   8223.914429
41 2020-04-20   9321.441878  ...                         0.0   8520.612670
42 2020-04-21   9549.668887  ...                         0.0   9113.675047
43 2020-04-22   9777.895896  ...                         0.0   9295.748595
44 2020-04-23  10006.122905  ...                         0.0   9677.893613
45 2020-04-24  10234.349914  ...                         0.0  10025.994442
46 2020-04-25  10462.576923  ...                         0.0   9637.419839
47 2020-04-26  10690.803932  ...                         0.0   9821.503492
48 2020-04-27  10919.030941  ...                         0.0  10118.201733
49 2020-04-28  11147.257950  ...                         0.0  10711.264110
50 2020-04-29  11375.484959  ...                         0.0  10893.337658
51 2020-04-30  11603.711968  ...                         0.0  11275.482676

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Mali
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-25    0.068749  ...                         0.0    1.163723
1  2020-03-26    4.568648  ...                         0.0    5.663622
2  2020-03-27    9.068547  ...                         0.0   10.163521
3  2020-03-28   13.568446  ...                         0.0   14.663420
4  2020-03-29   18.068345  ...                         0.0   19.163319
5  2020-03-30   22.568245  ...                         0.0   23.663218
6  2020-03-31   27.068144  ...                         0.0   28.163118
7  2020-04-01   31.568043  ...                         0.0   32.663017
8  2020-04-02   36.067942  ...                         0.0   37.162916
9  2020-04-03   40.567841  ...                         0.0   41.662815
10 2020-04-04   45.067740  ...                         0.0   46.162714
11 2020-04-05   49.567640  ...                         0.0   50.662613
12 2020-04-06   54.067539  ...                         0.0   55.162513
13 2020-04-07   58.567438  ...                         0.0   59.662412
14 2020-04-08   63.067337  ...                         0.0   64.162311
15 2020-04-09   67.567236  ...                         0.0   68.662210
16 2020-04-10   72.067135  ...                         0.0   73.162109
17 2020-04-11   76.567035  ...                         0.0   77.662009
18 2020-04-12   81.066934  ...                         0.0   82.161908
19 2020-04-13   85.566833  ...                         0.0   86.661807
20 2020-04-14   90.066732  ...                         0.0   91.161706
21 2020-04-15   94.566631  ...                         0.0   95.661605
22 2020-04-16   99.066530  ...                         0.0  100.161504
23 2020-04-17  103.566430  ...                         0.0  104.661404
24 2020-04-18  108.066329  ...                         0.0  109.161303
25 2020-04-19  112.566228  ...                         0.0  113.661202
26 2020-04-20  117.066127  ...                         0.0  118.161101
27 2020-04-21  121.566026  ...                         0.0  122.661000
28 2020-04-22  126.065926  ...                         0.0  127.160899
29 2020-04-23  130.565825  ...                         0.0  131.660799
30 2020-04-24  135.065724  ...                         0.0  136.160698
31 2020-04-25  139.565623  ...                         0.0  140.660597
32 2020-04-26  144.065522  ...                         0.0  145.160496
33 2020-04-27  148.565421  ...                         0.0  149.660395
34 2020-04-28  153.065321  ...                         0.0  154.160294
35 2020-04-29  157.565220  ...                         0.0  158.660194
36 2020-04-30  162.065119  ...                         0.0  163.160093

[37 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 16.
COUNTRY: Shanghai
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-01-22   -0.851707  ...                         0.0  -11.914997
1  2020-01-23   16.543226  ...                         0.0    4.617446
2  2020-01-24   33.938159  ...                         0.0   22.850820
3  2020-01-25   51.333092  ...                         0.0   38.001049
4  2020-01-26   68.728025  ...                         0.0   53.593916
..        ...         ...  ...                         ...         ...
95 2020-04-26  645.360250  ...                         0.0  630.226141
96 2020-04-27  651.907148  ...                         0.0  635.770258
97 2020-04-28  658.454046  ...                         0.0  641.648128
98 2020-04-29  665.000944  ...                         0.0  653.937654
99 2020-04-30  671.547842  ...                         0.0  659.622062

[100 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Togo
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-06  -0.372899  ...                         0.0  -4.221947
1  2020-03-07   0.886153  ...                         0.0  -2.813487
2  2020-03-08   2.145205  ...                         0.0  -2.813932
3  2020-03-09   3.404258  ...                         0.0  -2.147815
4  2020-03-10   4.663310  ...                         0.0  -1.481608
5  2020-03-11   5.922362  ...                         0.0  -0.482138
6  2020-03-12   7.181415  ...                         0.0  -0.482495
7  2020-03-13   8.440467  ...                         0.0   4.591420
8  2020-03-14   9.699519  ...                         0.0   5.999879
9  2020-03-15  10.958572  ...                         0.0   5.999434
10 2020-03-16  12.217624  ...                         0.0   6.665551
11 2020-03-17  13.476676  ...                         0.0   7.331759
12 2020-03-18  14.735729  ...                         0.0   8.331229
13 2020-03-19  15.994781  ...                         0.0   8.330872
14 2020-03-20  17.253834  ...                         0.0  13.404786
15 2020-03-21  18.512886  ...                         0.0  14.813246
16 2020-03-22  19.771939  ...                         0.0  14.812801
17 2020-03-23  21.030991  ...                         0.0  15.478918
18 2020-03-24  22.290044  ...                         0.0  16.145126
19 2020-03-25  23.549096  ...                         0.0  17.144596
20 2020-03-26  24.808149  ...                         0.0  17.144239
21 2020-03-27  26.067201  ...                         0.0  22.218154
22 2020-03-28  27.326253  ...                         0.0  23.626613
23 2020-03-29  28.585306  ...                         0.0  23.626168
24 2020-03-30  29.844358  ...                         0.0  24.292285
25 2020-03-31  31.103411  ...                         0.0  24.958493
26 2020-04-01  32.362463  ...                         0.0  25.957963
27 2020-04-02  33.621516  ...                         0.0  25.957606
28 2020-04-03  34.880568  ...                         0.0  31.031521
29 2020-04-04  36.139621  ...                         0.0  32.439980
30 2020-04-05  37.398673  ...                         0.0  32.439535
31 2020-04-06  38.657725  ...                         0.0  33.105653
32 2020-04-07  39.916778  ...                         0.0  33.771860
33 2020-04-08  41.175830  ...                         0.0  34.771330
34 2020-04-09  42.434883  ...                         0.0  34.770973
35 2020-04-10  43.693935  ...                         0.0  39.844888
36 2020-04-11  44.952988  ...                         0.0  41.253347
37 2020-04-12  46.212040  ...                         0.0  41.252902
38 2020-04-13  47.471093  ...                         0.0  41.919020
39 2020-04-14  48.730145  ...                         0.0  42.585227
40 2020-04-15  49.989198  ...                         0.0  43.584697
41 2020-04-16  51.248250  ...                         0.0  43.584340
42 2020-04-17  52.507302  ...                         0.0  48.658255
43 2020-04-18  53.766355  ...                         0.0  50.066715
44 2020-04-19  55.025407  ...                         0.0  50.066270
45 2020-04-20  56.284460  ...                         0.0  50.732387
46 2020-04-21  57.543512  ...                         0.0  51.398594
47 2020-04-22  58.802565  ...                         0.0  52.398065
48 2020-04-23  60.061617  ...                         0.0  52.397707
49 2020-04-24  61.320670  ...                         0.0  57.471622
50 2020-04-25  62.579722  ...                         0.0  58.880082
51 2020-04-26  63.838774  ...                         0.0  58.879637
52 2020-04-27  65.097827  ...                         0.0  59.545754
53 2020-04-28  66.356879  ...                         0.0  60.211962
54 2020-04-29  67.615932  ...                         0.0  61.211432
55 2020-04-30  68.874984  ...                         0.0  61.211074

[56 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 16.
COUNTRY: Maryland
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-10    -7.418671  ...                         0.0  -113.811442
1  2020-03-11    28.708047  ...                         0.0   -79.779939
2  2020-03-12    64.834764  ...                         0.0   -18.738545
3  2020-03-13   100.961482  ...                         0.0    61.334179
4  2020-03-14   137.088200  ...                         0.0   -16.880163
5  2020-03-15   173.214917  ...                         0.0    11.685789
6  2020-03-16   209.349340  ...                         0.0    39.244216
7  2020-03-17   245.483762  ...                         0.0   139.090991
8  2020-03-18   281.618184  ...                         0.0   173.130199
9  2020-03-19   317.752607  ...                         0.0   234.179297
10 2020-03-20   353.890737  ...                         0.0   314.263434
11 2020-03-21   390.028867  ...                         0.0   236.060505
12 2020-03-22   426.166997  ...                         0.0   264.637869
13 2020-03-23   462.305128  ...                         0.0   292.200004
14 2020-03-24   498.443258  ...                         0.0   392.050486
15 2020-03-25   534.581388  ...                         0.0   426.093402
16 2020-03-26   570.719518  ...                         0.0   487.146208
17 2020-03-27   606.857648  ...                         0.0   567.230345
18 2020-03-28   642.995778  ...                         0.0   489.027416
19 2020-03-29   679.133909  ...                         0.0   517.604780
20 2020-03-30   715.272039  ...                         0.0   545.166915
21 2020-03-31   751.410169  ...                         0.0   645.017398
22 2020-04-01   787.548299  ...                         0.0   679.060313
23 2020-04-02   823.686429  ...                         0.0   740.113120
24 2020-04-03   859.824559  ...                         0.0   820.197256
25 2020-04-04   895.962690  ...                         0.0   741.994327
26 2020-04-05   932.100820  ...                         0.0   770.571691
27 2020-04-06   968.238950  ...                         0.0   798.133826
28 2020-04-07  1004.377080  ...                         0.0   897.984309
29 2020-04-08  1040.515210  ...                         0.0   932.027225
30 2020-04-09  1076.653340  ...                         0.0   993.080031
31 2020-04-10  1112.791471  ...                         0.0  1073.164168
32 2020-04-11  1148.929601  ...                         0.0   994.961239
33 2020-04-12  1185.067731  ...                         0.0  1023.538603
34 2020-04-13  1221.205861  ...                         0.0  1051.100737
35 2020-04-14  1257.343991  ...                         0.0  1150.951220
36 2020-04-15  1293.482122  ...                         0.0  1184.994136
37 2020-04-16  1329.620252  ...                         0.0  1246.046942
38 2020-04-17  1365.758382  ...                         0.0  1326.131079
39 2020-04-18  1401.896512  ...                         0.0  1247.928150
40 2020-04-19  1438.034642  ...                         0.0  1276.505514
41 2020-04-20  1474.172772  ...                         0.0  1304.067648
42 2020-04-21  1510.310903  ...                         0.0  1403.918131
43 2020-04-22  1546.449033  ...                         0.0  1437.961047
44 2020-04-23  1582.587163  ...                         0.0  1499.013853
45 2020-04-24  1618.725293  ...                         0.0  1579.097990
46 2020-04-25  1654.863423  ...                         0.0  1500.895061
47 2020-04-26  1691.001553  ...                         0.0  1529.472425
48 2020-04-27  1727.139684  ...                         0.0  1557.034560
49 2020-04-28  1763.277814  ...                         0.0  1656.885042
50 2020-04-29  1799.415944  ...                         0.0  1690.927958
51 2020-04-30  1835.554074  ...                         0.0  1751.980764

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Cameroon
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-06   -1.289773  ...                         0.0  -13.210731
1  2020-03-07    2.686427  ...                         0.0  -17.821103
2  2020-03-08    6.662626  ...                         0.0  -13.147499
3  2020-03-09   10.638826  ...                         0.0   -7.140614
4  2020-03-10   14.615026  ...                         0.0   -1.798486
5  2020-03-11   18.591226  ...                         0.0    1.212594
6  2020-03-12   22.567425  ...                         0.0    2.223483
7  2020-03-13   26.543625  ...                         0.0   14.622667
8  2020-03-14   30.519825  ...                         0.0   10.012295
9  2020-03-15   34.496025  ...                         0.0   14.685899
10 2020-03-16   38.472224  ...                         0.0   20.692784
11 2020-03-17   42.448424  ...                         0.0   26.034912
12 2020-03-18   46.424624  ...                         0.0   29.045992
13 2020-03-19   50.400824  ...                         0.0   30.056881
14 2020-03-20   54.377023  ...                         0.0   42.456065
15 2020-03-21   58.353289  ...                         0.0   37.845760
16 2020-03-22   62.329555  ...                         0.0   42.519430
17 2020-03-23   66.305822  ...                         0.0   48.526381
18 2020-03-24   70.282088  ...                         0.0   53.868576
19 2020-03-25   74.258354  ...                         0.0   56.879722
20 2020-03-26   78.234620  ...                         0.0   57.890677
21 2020-03-27   82.210886  ...                         0.0   70.289928
22 2020-03-28   86.187152  ...                         0.0   65.679622
23 2020-03-29   90.163418  ...                         0.0   70.353292
24 2020-03-30   94.139684  ...                         0.0   76.360244
25 2020-03-31   98.115950  ...                         0.0   81.702438
26 2020-04-01  102.092216  ...                         0.0   84.713584
27 2020-04-02  106.068482  ...                         0.0   85.724539
28 2020-04-03  110.044748  ...                         0.0   98.123790
29 2020-04-04  114.021014  ...                         0.0   93.513484
30 2020-04-05  117.997280  ...                         0.0   98.187154
31 2020-04-06  121.973546  ...                         0.0  104.194106
32 2020-04-07  125.949812  ...                         0.0  109.536300
33 2020-04-08  129.926078  ...                         0.0  112.547447
34 2020-04-09  133.902344  ...                         0.0  113.558402
35 2020-04-10  137.878610  ...                         0.0  125.957652
36 2020-04-11  141.854876  ...                         0.0  121.347346
37 2020-04-12  145.831142  ...                         0.0  126.021017
38 2020-04-13  149.807408  ...                         0.0  132.027968
39 2020-04-14  153.783674  ...                         0.0  137.370163
40 2020-04-15  157.759940  ...                         0.0  140.381309
41 2020-04-16  161.736207  ...                         0.0  141.392264
42 2020-04-17  165.712473  ...                         0.0  153.791515
43 2020-04-18  169.688739  ...                         0.0  149.181209
44 2020-04-19  173.665005  ...                         0.0  153.854879
45 2020-04-20  177.641271  ...                         0.0  159.861830
46 2020-04-21  181.617537  ...                         0.0  165.204025
47 2020-04-22  185.593803  ...                         0.0  168.215171
48 2020-04-23  189.570069  ...                         0.0  169.226126
49 2020-04-24  193.546335  ...                         0.0  181.625377
50 2020-04-25  197.522601  ...                         0.0  177.015071
51 2020-04-26  201.498867  ...                         0.0  181.688741
52 2020-04-27  205.475133  ...                         0.0  187.695693
53 2020-04-28  209.451399  ...                         0.0  193.037887
54 2020-04-29  213.427665  ...                         0.0  196.049034
55 2020-04-30  217.403931  ...                         0.0  197.059989

[56 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Washington
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-10    -4.306831  ...                         0.0   -28.433921
1  2020-03-11   174.463839  ...                         0.0    71.386503
2  2020-03-12   353.234507  ...                         0.0   422.509261
3  2020-03-13   532.005173  ...                         0.0   603.597286
4  2020-03-14   710.775843  ...                         0.0   556.436804
5  2020-03-15   889.546512  ...                         0.0   693.683790
6  2020-03-16  1068.318992  ...                         0.0   935.927689
7  2020-03-17  1247.107431  ...                         0.0  1222.980342
8  2020-03-18  1425.927823  ...                         0.0  1322.850487
9  2020-03-19  1604.838948  ...                         0.0  1674.113702
10 2020-03-20  1783.855767  ...                         0.0  1855.447881
11 2020-03-21  1962.952078  ...                         0.0  1808.613039
12 2020-03-22  2142.134809  ...                         0.0  1946.272087
13 2020-03-23  2321.323177  ...                         0.0  2188.931874
14 2020-03-24  2500.512132  ...                         0.0  2476.385042
15 2020-03-25  2679.701087  ...                         0.0  2576.623750
16 2020-03-26  2858.890042  ...                         0.0  2928.164795
17 2020-03-27  3038.078997  ...                         0.0  3109.671110
18 2020-03-28  3217.267951  ...                         0.0  3062.928913
19 2020-03-29  3396.456906  ...                         0.0  3200.594184
20 2020-03-30  3575.645861  ...                         0.0  3443.254558
21 2020-03-31  3754.834816  ...                         0.0  3730.707727
22 2020-04-01  3934.023771  ...                         0.0  3830.946435
23 2020-04-02  4113.212726  ...                         0.0  4182.487479
24 2020-04-03  4292.401681  ...                         0.0  4363.993794
25 2020-04-04  4471.590635  ...                         0.0  4317.251597
26 2020-04-05  4650.779590  ...                         0.0  4454.916868
27 2020-04-06  4829.968545  ...                         0.0  4697.577242
28 2020-04-07  5009.157500  ...                         0.0  4985.030411
29 2020-04-08  5188.346455  ...                         0.0  5085.269119
30 2020-04-09  5367.535410  ...                         0.0  5436.810163
31 2020-04-10  5546.724365  ...                         0.0  5618.316478
32 2020-04-11  5725.913320  ...                         0.0  5571.574281
33 2020-04-12  5905.102274  ...                         0.0  5709.239552
34 2020-04-13  6084.291229  ...                         0.0  5951.899926
35 2020-04-14  6263.480184  ...                         0.0  6239.353095
36 2020-04-15  6442.669139  ...                         0.0  6339.591803
37 2020-04-16  6621.858094  ...                         0.0  6691.132847
38 2020-04-17  6801.047049  ...                         0.0  6872.639162
39 2020-04-18  6980.236004  ...                         0.0  6825.896965
40 2020-04-19  7159.424958  ...                         0.0  6963.562236
41 2020-04-20  7338.613913  ...                         0.0  7206.222610
42 2020-04-21  7517.802868  ...                         0.0  7493.675779
43 2020-04-22  7696.991823  ...                         0.0  7593.914487
44 2020-04-23  7876.180778  ...                         0.0  7945.455531
45 2020-04-24  8055.369733  ...                         0.0  8126.961846
46 2020-04-25  8234.558688  ...                         0.0  8080.219649
47 2020-04-26  8413.747643  ...                         0.0  8217.884920
48 2020-04-27  8592.936597  ...                         0.0  8460.545294
49 2020-04-28  8772.125552  ...                         0.0  8747.998463
50 2020-04-29  8951.314507  ...                         0.0  8848.237171
51 2020-04-30  9130.503462  ...                         0.0  9199.778215

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Korea, South
           ds         trend  ...  multiplicative_terms_upper          yhat
0  2020-01-22    -41.055809  ...                         0.0   -710.750977
1  2020-01-23     10.817683  ...                         0.0   -693.344351
2  2020-01-24     62.691174  ...                         0.0   -670.553355
3  2020-01-25    114.564665  ...                         0.0   -464.031021
4  2020-01-26    166.438156  ...                         0.0   -438.010388
..        ...           ...  ...                         ...           ...
95 2020-04-26  18997.810853  ...                         0.0  18393.362309
96 2020-04-27  19257.187921  ...                         0.0  18604.663823
97 2020-04-28  19516.564989  ...                         0.0  18829.408876
98 2020-04-29  19775.942057  ...                         0.0  19106.246889
99 2020-04-30  20035.319125  ...                         0.0  19331.157092

[100 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 19.
COUNTRY: Cambodia
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-01-27  -1.055185  ...                         0.0 -18.294078
1  2020-01-28   0.001222  ...                         0.0 -14.964389
2  2020-01-29   1.057629  ...                         0.0 -14.079390
3  2020-01-30   2.114036  ...                         0.0 -13.861263
4  2020-01-31   3.170442  ...                         0.0 -11.754298
..        ...        ...  ...                         ...        ...
90 2020-04-26  94.244025  ...                         0.0  75.272202
91 2020-04-27  95.304317  ...                         0.0  78.065424
92 2020-04-28  96.364610  ...                         0.0  81.398999
93 2020-04-29  97.424903  ...                         0.0  82.287884
94 2020-04-30  98.485196  ...                         0.0  82.509897

[95 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 5.
COUNTRY: Latvia
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-02   -3.224952  ...                         0.0  -52.528092
1  2020-03-03    7.041529  ...                         0.0  -44.029486
2  2020-03-04   17.308010  ...                         0.0  -32.033400
3  2020-03-05   27.574492  ...                         0.0  -22.537010
4  2020-03-06   37.840973  ...                         0.0   -5.543514
5  2020-03-07   48.107454  ...                         0.0  -21.506480
6  2020-03-08   58.373935  ...                         0.0  -14.841584
7  2020-03-09   68.640417  ...                         0.0   19.337276
8  2020-03-10   78.906898  ...                         0.0   27.835882
9  2020-03-11   89.174077  ...                         0.0   39.832667
10 2020-03-12   99.441645  ...                         0.0   49.330144
11 2020-03-13  109.709214  ...                         0.0   66.324727
12 2020-03-14  119.978668  ...                         0.0   50.364733
13 2020-03-15  130.248122  ...                         0.0   57.032602
14 2020-03-16  140.517576  ...                         0.0   91.214435
15 2020-03-17  150.787030  ...                         0.0   99.716014
16 2020-03-18  161.056757  ...                         0.0  111.715347
17 2020-03-19  171.326485  ...                         0.0  121.214983
18 2020-03-20  181.597017  ...                         0.0  138.212530
19 2020-03-21  191.868374  ...                         0.0  122.254440
20 2020-03-22  202.139732  ...                         0.0  128.924213
21 2020-03-23  212.411089  ...                         0.0  163.107949
22 2020-03-24  222.682447  ...                         0.0  171.611431
23 2020-03-25  232.953804  ...                         0.0  183.612394
24 2020-03-26  243.225162  ...                         0.0  193.113660
25 2020-03-27  253.496519  ...                         0.0  210.112032
26 2020-03-28  263.767877  ...                         0.0  194.153943
27 2020-03-29  274.039234  ...                         0.0  200.823715
28 2020-03-30  284.310592  ...                         0.0  235.007452
29 2020-03-31  294.581949  ...                         0.0  243.510934
30 2020-04-01  304.853307  ...                         0.0  255.511897
31 2020-04-02  315.124664  ...                         0.0  265.013163
32 2020-04-03  325.396022  ...                         0.0  282.011535
33 2020-04-04  335.667379  ...                         0.0  266.053445
34 2020-04-05  345.938737  ...                         0.0  272.723218
35 2020-04-06  356.210094  ...                         0.0  306.906954
36 2020-04-07  366.481452  ...                         0.0  315.410437
37 2020-04-08  376.752809  ...                         0.0  327.411399
38 2020-04-09  387.024167  ...                         0.0  336.912665
39 2020-04-10  397.295524  ...                         0.0  353.911037
40 2020-04-11  407.566882  ...                         0.0  337.952948
41 2020-04-12  417.838239  ...                         0.0  344.622720
42 2020-04-13  428.109597  ...                         0.0  378.806457
43 2020-04-14  438.380954  ...                         0.0  387.309939
44 2020-04-15  448.652312  ...                         0.0  399.310902
45 2020-04-16  458.923669  ...                         0.0  408.812168
46 2020-04-17  469.195027  ...                         0.0  425.810540
47 2020-04-18  479.466385  ...                         0.0  409.852450
48 2020-04-19  489.737742  ...                         0.0  416.522223
49 2020-04-20  500.009100  ...                         0.0  450.705959
50 2020-04-21  510.280457  ...                         0.0  459.209442
51 2020-04-22  520.551815  ...                         0.0  471.210404
52 2020-04-23  530.823172  ...                         0.0  480.711670
53 2020-04-24  541.094530  ...                         0.0  497.710042
54 2020-04-25  551.365887  ...                         0.0  481.751953
55 2020-04-26  561.637245  ...                         0.0  488.421725
56 2020-04-27  571.908602  ...                         0.0  522.605462
57 2020-04-28  582.179960  ...                         0.0  531.108944
58 2020-04-29  592.451317  ...                         0.0  543.109907
59 2020-04-30  602.722675  ...                         0.0  552.611173

[60 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 10.
COUNTRY: Angola
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-20   0.078465  ...                         0.0   1.333611
1  2020-03-21   0.483150  ...                         0.0   1.738296
2  2020-03-22   0.887835  ...                         0.0   2.142981
3  2020-03-23   1.292520  ...                         0.0   2.547666
4  2020-03-24   1.697198  ...                         0.0   2.952344
5  2020-03-25   2.101876  ...                         0.0   3.357022
6  2020-03-26   2.506553  ...                         0.0   3.761699
7  2020-03-27   2.911231  ...                         0.0   4.166377
8  2020-03-28   3.315909  ...                         0.0   4.571055
9  2020-03-29   3.720586  ...                         0.0   4.975732
10 2020-03-30   4.125264  ...                         0.0   5.380410
11 2020-03-31   4.529942  ...                         0.0   5.785088
12 2020-04-01   4.934619  ...                         0.0   6.189765
13 2020-04-02   5.339297  ...                         0.0   6.594443
14 2020-04-03   5.743975  ...                         0.0   6.999121
15 2020-04-04   6.148652  ...                         0.0   7.403799
16 2020-04-05   6.553330  ...                         0.0   7.808476
17 2020-04-06   6.958008  ...                         0.0   8.213154
18 2020-04-07   7.362685  ...                         0.0   8.617832
19 2020-04-08   7.767363  ...                         0.0   9.022509
20 2020-04-09   8.172041  ...                         0.0   9.427187
21 2020-04-10   8.576718  ...                         0.0   9.831865
22 2020-04-11   8.981396  ...                         0.0  10.236542
23 2020-04-12   9.386074  ...                         0.0  10.641220
24 2020-04-13   9.790751  ...                         0.0  11.045898
25 2020-04-14  10.195429  ...                         0.0  11.450575
26 2020-04-15  10.600107  ...                         0.0  11.855253
27 2020-04-16  11.004785  ...                         0.0  12.259931
28 2020-04-17  11.409462  ...                         0.0  12.664608
29 2020-04-18  11.814140  ...                         0.0  13.069286
30 2020-04-19  12.218818  ...                         0.0  13.473964
31 2020-04-20  12.623495  ...                         0.0  13.878641
32 2020-04-21  13.028173  ...                         0.0  14.283319
33 2020-04-22  13.432851  ...                         0.0  14.687997
34 2020-04-23  13.837528  ...                         0.0  15.092674
35 2020-04-24  14.242206  ...                         0.0  15.497352
36 2020-04-25  14.646884  ...                         0.0  15.902030
37 2020-04-26  15.051561  ...                         0.0  16.306708
38 2020-04-27  15.456239  ...                         0.0  16.711385
39 2020-04-28  15.860917  ...                         0.0  17.116063
40 2020-04-29  16.265594  ...                         0.0  17.520741
41 2020-04-30  16.670272  ...                         0.0  17.925418

[42 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 11.
COUNTRY: Suriname
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-14  -0.022381  ...                         0.0  -0.427967
1  2020-03-15   0.647759  ...                         0.0   0.242173
2  2020-03-16   1.317898  ...                         0.0   0.912313
3  2020-03-17   1.988038  ...                         0.0   1.582452
4  2020-03-18   2.658178  ...                         0.0   2.252592
5  2020-03-19   3.328317  ...                         0.0   2.922732
6  2020-03-20   3.998457  ...                         0.0   3.592871
7  2020-03-21   4.668597  ...                         0.0   4.263011
8  2020-03-22   5.338737  ...                         0.0   4.933151
9  2020-03-23   6.008876  ...                         0.0   5.603290
10 2020-03-24   6.679016  ...                         0.0   6.273430
11 2020-03-25   7.349156  ...                         0.0   6.943570
12 2020-03-26   8.019295  ...                         0.0   7.613709
13 2020-03-27   8.689435  ...                         0.0   8.283849
14 2020-03-28   9.359575  ...                         0.0   8.953989
15 2020-03-29  10.029714  ...                         0.0   9.624128
16 2020-03-30  10.699854  ...                         0.0  10.294268
17 2020-03-31  11.369994  ...                         0.0  10.964408
18 2020-04-01  12.040133  ...                         0.0  11.634548
19 2020-04-02  12.710273  ...                         0.0  12.304687
20 2020-04-03  13.380413  ...                         0.0  12.974827
21 2020-04-04  14.050552  ...                         0.0  13.644967
22 2020-04-05  14.720692  ...                         0.0  14.315106
23 2020-04-06  15.390832  ...                         0.0  14.985246
24 2020-04-07  16.060972  ...                         0.0  15.655386
25 2020-04-08  16.731111  ...                         0.0  16.325525
26 2020-04-09  17.401251  ...                         0.0  16.995665
27 2020-04-10  18.071391  ...                         0.0  17.665805
28 2020-04-11  18.741530  ...                         0.0  18.335944
29 2020-04-12  19.411670  ...                         0.0  19.006084
30 2020-04-13  20.081810  ...                         0.0  19.676224
31 2020-04-14  20.751949  ...                         0.0  20.346363
32 2020-04-15  21.422089  ...                         0.0  21.016503
33 2020-04-16  22.092229  ...                         0.0  21.686643
34 2020-04-17  22.762368  ...                         0.0  22.356782
35 2020-04-18  23.432508  ...                         0.0  23.026922
36 2020-04-19  24.102648  ...                         0.0  23.697062
37 2020-04-20  24.772787  ...                         0.0  24.367202
38 2020-04-21  25.442927  ...                         0.0  25.037341
39 2020-04-22  26.113067  ...                         0.0  25.707481
40 2020-04-23  26.783206  ...                         0.0  26.377621
41 2020-04-24  27.453346  ...                         0.0  27.047760
42 2020-04-25  28.123486  ...                         0.0  27.717900
43 2020-04-26  28.793626  ...                         0.0  28.388040
44 2020-04-27  29.463765  ...                         0.0  29.058179
45 2020-04-28  30.133905  ...                         0.0  29.728319
46 2020-04-29  30.804045  ...                         0.0  30.398459
47 2020-04-30  31.474184  ...                         0.0  31.068598

[48 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Kenya
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-13   -0.243613  ...                         0.0   -3.193550
1  2020-03-14    2.069822  ...                         0.0   -4.097441
2  2020-03-15    4.383257  ...                         0.0    0.903347
3  2020-03-16    6.696692  ...                         0.0    1.402853
4  2020-03-17    9.010127  ...                         0.0    5.903499
5  2020-03-18   11.323562  ...                         0.0    7.403290
6  2020-03-19   13.636997  ...                         0.0   10.903650
7  2020-03-20   15.950432  ...                         0.0   13.000496
8  2020-03-21   18.263868  ...                         0.0   12.096606
9  2020-03-22   20.577304  ...                         0.0   17.097395
10 2020-03-23   22.890740  ...                         0.0   17.596902
11 2020-03-24   25.204176  ...                         0.0   22.097548
12 2020-03-25   27.517612  ...                         0.0   23.597340
13 2020-03-26   29.831048  ...                         0.0   27.097702
14 2020-03-27   32.144484  ...                         0.0   29.194547
15 2020-03-28   34.457920  ...                         0.0   28.290657
16 2020-03-29   36.771356  ...                         0.0   33.291446
17 2020-03-30   39.084792  ...                         0.0   33.790953
18 2020-03-31   41.398228  ...                         0.0   38.291600
19 2020-04-01   43.711663  ...                         0.0   39.791391
20 2020-04-02   46.025099  ...                         0.0   43.291753
21 2020-04-03   48.338535  ...                         0.0   45.388599
22 2020-04-04   50.651971  ...                         0.0   44.484708
23 2020-04-05   52.965407  ...                         0.0   49.485497
24 2020-04-06   55.278843  ...                         0.0   49.985004
25 2020-04-07   57.592279  ...                         0.0   54.485651
26 2020-04-08   59.905715  ...                         0.0   55.985443
27 2020-04-09   62.219151  ...                         0.0   59.485805
28 2020-04-10   64.532587  ...                         0.0   61.582650
29 2020-04-11   66.846023  ...                         0.0   60.678760
30 2020-04-12   69.159459  ...                         0.0   65.679549
31 2020-04-13   71.472894  ...                         0.0   66.179056
32 2020-04-14   73.786330  ...                         0.0   70.679702
33 2020-04-15   76.099766  ...                         0.0   72.179494
34 2020-04-16   78.413202  ...                         0.0   75.679856
35 2020-04-17   80.726638  ...                         0.0   77.776702
36 2020-04-18   83.040074  ...                         0.0   76.872811
37 2020-04-19   85.353510  ...                         0.0   81.873600
38 2020-04-20   87.666946  ...                         0.0   82.373107
39 2020-04-21   89.980382  ...                         0.0   86.873754
40 2020-04-22   92.293818  ...                         0.0   88.373546
41 2020-04-23   94.607254  ...                         0.0   91.873907
42 2020-04-24   96.920690  ...                         0.0   93.970753
43 2020-04-25   99.234125  ...                         0.0   93.066863
44 2020-04-26  101.547561  ...                         0.0   98.067652
45 2020-04-27  103.860997  ...                         0.0   98.567159
46 2020-04-28  106.174433  ...                         0.0  103.067805
47 2020-04-29  108.487869  ...                         0.0  104.567597
48 2020-04-30  110.801305  ...                         0.0  108.067959

[49 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Guangdong
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-01-22    -6.345998  ...                         0.0   -97.642136
1  2020-01-23    61.647352  ...                         0.0   -35.987652
2  2020-01-24   129.640702  ...                         0.0    29.695792
3  2020-01-25   197.634052  ...                         0.0    95.013279
4  2020-01-26   265.627402  ...                         0.0   163.844564
..        ...          ...  ...                         ...          ...
95 2020-04-26  1599.072908  ...                         0.0  1497.290070
96 2020-04-27  1601.796267  ...                         0.0  1497.076037
97 2020-04-28  1604.519626  ...                         0.0  1498.306515
98 2020-04-29  1607.242985  ...                         0.0  1515.946847
99 2020-04-30  1609.966344  ...                         0.0  1512.331340

[100 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: France
           ds         trend  ...  multiplicative_terms_upper          yhat
0  2020-01-24     -9.090150  ...                         0.0    252.761773
1  2020-01-25      0.161987  ...                         0.0   -181.374734
2  2020-01-26      9.414123  ...                         0.0   -424.880708
3  2020-01-27     18.666260  ...                         0.0   -208.087362
4  2020-01-28     27.918397  ...                         0.0   -219.988900
..        ...           ...  ...                         ...           ...
93 2020-04-26  87475.810632  ...                         0.0  87041.515801
94 2020-04-27  89444.399978  ...                         0.0  89217.646356
95 2020-04-28  91412.989325  ...                         0.0  91165.082028
96 2020-04-29  93381.578671  ...                         0.0  93206.288200
97 2020-04-30  95350.168017  ...                         0.0  95331.703812

[98 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Thailand
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-01-22   -8.167287  ...                         0.0 -122.950796
1  2020-01-23    0.151195  ...                         0.0 -104.303696
2  2020-01-24    8.469676  ...                         0.0  -88.858653
3  2020-01-25   16.788157  ...                         0.0 -154.428137
4  2020-01-26   25.106638  ...                         0.0 -129.810823
..        ...         ...  ...                         ...         ...
95 2020-04-26  787.169567  ...                         0.0  632.252107
96 2020-04-27  795.576364  ...                         0.0  649.734505
97 2020-04-28  803.983160  ...                         0.0  666.879038
98 2020-04-29  812.389956  ...                         0.0  697.606447
99 2020-04-30  820.796753  ...                         0.0  716.341862

[100 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Yunnan
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-01-22   -0.742936  ...                         0.0  -11.921209
1  2020-01-23    9.427021  ...                         0.0   -1.918692
2  2020-01-24   19.596978  ...                         0.0    8.284477
3  2020-01-25   29.766935  ...                         0.0   17.432607
4  2020-01-26   39.936892  ...                         0.0   27.193621
..        ...         ...  ...                         ...         ...
95 2020-04-26  192.063192  ...                         0.0  179.319920
96 2020-04-27  192.176286  ...                         0.0  180.024123
97 2020-04-28  192.289380  ...                         0.0  180.360188
98 2020-04-29  192.402475  ...                         0.0  181.224202
99 2020-04-30  192.515569  ...                         0.0  181.169856

[100 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Vermont
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-10   -2.088923  ...                         0.0  -29.371477
1  2020-03-11    7.249488  ...                         0.0  -17.373543
2  2020-03-12   16.587900  ...                         0.0   -4.709698
3  2020-03-13   25.926311  ...                         0.0    6.286808
4  2020-03-14   35.264723  ...                         0.0  -15.681967
5  2020-03-15   44.603134  ...                         0.0   -2.685334
6  2020-03-16   53.941545  ...                         0.0   10.811296
7  2020-03-17   63.279957  ...                         0.0   35.997402
8  2020-03-18   72.618368  ...                         0.0   47.995337
9  2020-03-19   81.956779  ...                         0.0   60.659182
10 2020-03-20   91.295191  ...                         0.0   71.655688
11 2020-03-21  100.633704  ...                         0.0   49.687014
12 2020-03-22  109.972217  ...                         0.0   62.683749
13 2020-03-23  119.310730  ...                         0.0   76.180481
14 2020-03-24  128.649243  ...                         0.0  101.366689
15 2020-03-25  137.987756  ...                         0.0  113.364725
16 2020-03-26  147.326269  ...                         0.0  126.028671
17 2020-03-27  156.664782  ...                         0.0  137.025279
18 2020-03-28  166.003295  ...                         0.0  115.056605
19 2020-03-29  175.341808  ...                         0.0  128.053340
20 2020-03-30  184.680321  ...                         0.0  141.550072
21 2020-03-31  194.018834  ...                         0.0  166.736280
22 2020-04-01  203.357347  ...                         0.0  178.734316
23 2020-04-02  212.695860  ...                         0.0  191.398263
24 2020-04-03  222.034373  ...                         0.0  202.394870
25 2020-04-04  231.372886  ...                         0.0  180.426196
26 2020-04-05  240.711399  ...                         0.0  193.422932
27 2020-04-06  250.049912  ...                         0.0  206.919663
28 2020-04-07  259.388426  ...                         0.0  232.105871
29 2020-04-08  268.726939  ...                         0.0  244.103907
30 2020-04-09  278.065452  ...                         0.0  256.767854
31 2020-04-10  287.403965  ...                         0.0  267.764461
32 2020-04-11  296.742478  ...                         0.0  245.795788
33 2020-04-12  306.080991  ...                         0.0  258.792523
34 2020-04-13  315.419504  ...                         0.0  272.289255
35 2020-04-14  324.758017  ...                         0.0  297.475462
36 2020-04-15  334.096530  ...                         0.0  309.473499
37 2020-04-16  343.435043  ...                         0.0  322.137445
38 2020-04-17  352.773556  ...                         0.0  333.134053
39 2020-04-18  362.112069  ...                         0.0  311.165379
40 2020-04-19  371.450582  ...                         0.0  324.162114
41 2020-04-20  380.789095  ...                         0.0  337.658846
42 2020-04-21  390.127608  ...                         0.0  362.845054
43 2020-04-22  399.466121  ...                         0.0  374.843090
44 2020-04-23  408.804634  ...                         0.0  387.507036
45 2020-04-24  418.143147  ...                         0.0  398.503644
46 2020-04-25  427.481660  ...                         0.0  376.534970
47 2020-04-26  436.820173  ...                         0.0  389.531705
48 2020-04-27  446.158686  ...                         0.0  403.028437
49 2020-04-28  455.497199  ...                         0.0  428.214645
50 2020-04-29  464.835712  ...                         0.0  440.212681
51 2020-04-30  474.174225  ...                         0.0  452.876628

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 10.
COUNTRY: Shaanxi
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-01-23   -0.225891  ...                         0.0   -3.459256
1  2020-01-24    9.733373  ...                         0.0    6.345452
2  2020-01-25   19.692638  ...                         0.0   15.861053
3  2020-01-26   29.653681  ...                         0.0   25.911779
4  2020-01-27   39.614725  ...                         0.0   35.539231
..        ...         ...  ...                         ...         ...
94 2020-04-26  268.170614  ...                         0.0  264.428712
95 2020-04-27  268.627000  ...                         0.0  264.551505
96 2020-04-28  269.083385  ...                         0.0  265.047347
97 2020-04-29  269.539770  ...                         0.0  266.543225
98 2020-04-30  269.996155  ...                         0.0  266.762790

[99 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 19.
COUNTRY: Gabon
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-14  -0.012204  ...                         0.0  -0.174076
1  2020-03-15   0.553296  ...                         0.0   0.391424
2  2020-03-16   1.118796  ...                         0.0   0.956924
3  2020-03-17   1.684296  ...                         0.0   1.522424
4  2020-03-18   2.249796  ...                         0.0   2.087924
5  2020-03-19   2.815296  ...                         0.0   2.653425
6  2020-03-20   3.380797  ...                         0.0   3.218925
7  2020-03-21   3.946297  ...                         0.0   3.784425
8  2020-03-22   4.511797  ...                         0.0   4.349925
9  2020-03-23   5.077297  ...                         0.0   4.915425
10 2020-03-24   5.642797  ...                         0.0   5.480925
11 2020-03-25   6.208297  ...                         0.0   6.046425
12 2020-03-26   6.773797  ...                         0.0   6.611925
13 2020-03-27   7.339297  ...                         0.0   7.177425
14 2020-03-28   7.904797  ...                         0.0   7.742926
15 2020-03-29   8.470298  ...                         0.0   8.308426
16 2020-03-30   9.035798  ...                         0.0   8.873926
17 2020-03-31   9.601298  ...                         0.0   9.439426
18 2020-04-01  10.166798  ...                         0.0  10.004926
19 2020-04-02  10.732298  ...                         0.0  10.570426
20 2020-04-03  11.297798  ...                         0.0  11.135926
21 2020-04-04  11.863298  ...                         0.0  11.701426
22 2020-04-05  12.428798  ...                         0.0  12.266926
23 2020-04-06  12.994298  ...                         0.0  12.832427
24 2020-04-07  13.559799  ...                         0.0  13.397927
25 2020-04-08  14.125299  ...                         0.0  13.963427
26 2020-04-09  14.690799  ...                         0.0  14.528927
27 2020-04-10  15.256299  ...                         0.0  15.094427
28 2020-04-11  15.821799  ...                         0.0  15.659927
29 2020-04-12  16.387299  ...                         0.0  16.225427
30 2020-04-13  16.952799  ...                         0.0  16.790927
31 2020-04-14  17.518299  ...                         0.0  17.356427
32 2020-04-15  18.083799  ...                         0.0  17.921928
33 2020-04-16  18.649300  ...                         0.0  18.487428
34 2020-04-17  19.214800  ...                         0.0  19.052928
35 2020-04-18  19.780300  ...                         0.0  19.618428
36 2020-04-19  20.345800  ...                         0.0  20.183928
37 2020-04-20  20.911300  ...                         0.0  20.749428
38 2020-04-21  21.476800  ...                         0.0  21.314928
39 2020-04-22  22.042300  ...                         0.0  21.880428
40 2020-04-23  22.607800  ...                         0.0  22.445928
41 2020-04-24  23.173300  ...                         0.0  23.011429
42 2020-04-25  23.738801  ...                         0.0  23.576929
43 2020-04-26  24.304301  ...                         0.0  24.142429
44 2020-04-27  24.869801  ...                         0.0  24.707929
45 2020-04-28  25.435301  ...                         0.0  25.273429
46 2020-04-29  26.000801  ...                         0.0  25.838929
47 2020-04-30  26.566301  ...                         0.0  26.404429

[48 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 20.
COUNTRY: Andorra
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-02   -3.296610  ...                         0.0  -56.637405
1  2020-03-03    5.361271  ...                         0.0  -39.633619
2  2020-03-04   14.019152  ...                         0.0  -33.628673
3  2020-03-05   22.677033  ...                         0.0  -21.123232
4  2020-03-06   31.334914  ...                         0.0   -4.868188
5  2020-03-07   39.992795  ...                         0.0  -30.576660
6  2020-03-08   48.650676  ...                         0.0  -22.237730
7  2020-03-09   57.308557  ...                         0.0    3.967761
8  2020-03-10   65.966438  ...                         0.0   20.971548
9  2020-03-11   74.624319  ...                         0.0   26.976493
10 2020-03-12   83.282200  ...                         0.0   39.481935
11 2020-03-13   91.940081  ...                         0.0   55.736979
12 2020-03-14  100.597962  ...                         0.0   30.028507
13 2020-03-15  109.255844  ...                         0.0   38.367438
14 2020-03-16  117.913726  ...                         0.0   64.572930
15 2020-03-17  126.571609  ...                         0.0   81.576719
16 2020-03-18  135.229541  ...                         0.0   87.581715
17 2020-03-19  143.887473  ...                         0.0  100.087209
18 2020-03-20  152.545406  ...                         0.0  116.342304
19 2020-03-21  161.203339  ...                         0.0   90.633884
20 2020-03-22  169.861272  ...                         0.0   98.972866
21 2020-03-23  178.519204  ...                         0.0  125.178408
22 2020-03-24  187.177137  ...                         0.0  142.182247
23 2020-03-25  195.835070  ...                         0.0  148.187244
24 2020-03-26  204.493002  ...                         0.0  160.692738
25 2020-03-27  213.150935  ...                         0.0  176.947833
26 2020-03-28  221.808868  ...                         0.0  151.239413
27 2020-03-29  230.466800  ...                         0.0  159.578395
28 2020-03-30  239.124733  ...                         0.0  185.783937
29 2020-03-31  247.782666  ...                         0.0  202.787776
30 2020-04-01  256.440599  ...                         0.0  208.792773
31 2020-04-02  265.098531  ...                         0.0  221.298266
32 2020-04-03  273.756464  ...                         0.0  237.553362
33 2020-04-04  282.414397  ...                         0.0  211.844942
34 2020-04-05  291.072329  ...                         0.0  220.183924
35 2020-04-06  299.730262  ...                         0.0  246.389466
36 2020-04-07  308.388195  ...                         0.0  263.393305
37 2020-04-08  317.046127  ...                         0.0  269.398302
38 2020-04-09  325.704060  ...                         0.0  281.903795
39 2020-04-10  334.361993  ...                         0.0  298.158891
40 2020-04-11  343.019925  ...                         0.0  272.450471
41 2020-04-12  351.677858  ...                         0.0  280.789453
42 2020-04-13  360.335791  ...                         0.0  306.994995
43 2020-04-14  368.993724  ...                         0.0  323.998834
44 2020-04-15  377.651656  ...                         0.0  330.003831
45 2020-04-16  386.309589  ...                         0.0  342.509324
46 2020-04-17  394.967522  ...                         0.0  358.764420
47 2020-04-18  403.625454  ...                         0.0  333.056000
48 2020-04-19  412.283387  ...                         0.0  341.394982
49 2020-04-20  420.941320  ...                         0.0  367.600524
50 2020-04-21  429.599252  ...                         0.0  384.604363
51 2020-04-22  438.257185  ...                         0.0  390.609360
52 2020-04-23  446.915118  ...                         0.0  403.114853
53 2020-04-24  455.573051  ...                         0.0  419.369948
54 2020-04-25  464.230983  ...                         0.0  393.661529
55 2020-04-26  472.888916  ...                         0.0  402.000510
56 2020-04-27  481.546849  ...                         0.0  428.206053
57 2020-04-28  490.204781  ...                         0.0  445.209891
58 2020-04-29  498.862714  ...                         0.0  451.214889
59 2020-04-30  507.520647  ...                         0.0  463.720382

[60 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Czechia
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-01   -23.025240  ...                         0.0  -423.769549
1  2020-03-02    50.901110  ...                         0.0  -383.443298
2  2020-03-03   124.827461  ...                         0.0  -316.414217
3  2020-03-04   198.753811  ...                         0.0  -221.186310
4  2020-03-05   272.680161  ...                         0.0   -94.269320
..        ...          ...  ...                         ...          ...
56 2020-04-26  4118.225928  ...                         0.0  3717.481618
57 2020-04-27  4192.185123  ...                         0.0  3757.840714
58 2020-04-28  4266.144317  ...                         0.0  3824.902640
59 2020-04-29  4340.103512  ...                         0.0  3920.163391
60 2020-04-30  4414.062707  ...                         0.0  4047.113225

[61 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 9.
COUNTRY: Connecticut
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-10   -15.291066  ...                         0.0  -213.149678
1  2020-03-11    47.917517  ...                         0.0  -127.152028
2  2020-03-12   111.126100  ...                         0.0   -50.487829
3  2020-03-13   174.334682  ...                         0.0    56.176753
4  2020-03-14   237.543265  ...                         0.0  -113.249027
5  2020-03-15   300.751848  ...                         0.0   -45.750273
6  2020-03-16   363.960430  ...                         0.0     1.249012
7  2020-03-17   427.169013  ...                         0.0   229.310401
8  2020-03-18   490.377596  ...                         0.0   315.308051
9  2020-03-19   553.586179  ...                         0.0   391.972251
10 2020-03-20   616.794763  ...                         0.0   498.636834
11 2020-03-21   680.003347  ...                         0.0   329.211056
12 2020-03-22   743.211931  ...                         0.0   396.709811
13 2020-03-23   806.420515  ...                         0.0   443.709097
14 2020-03-24   869.629100  ...                         0.0   671.770487
15 2020-03-25   932.837684  ...                         0.0   757.768139
16 2020-03-26   996.046268  ...                         0.0   834.432340
17 2020-03-27  1059.254852  ...                         0.0   941.096923
18 2020-03-28  1122.463436  ...                         0.0   771.671145
19 2020-03-29  1185.672021  ...                         0.0   839.169900
20 2020-03-30  1248.880605  ...                         0.0   886.169186
21 2020-03-31  1312.089189  ...                         0.0  1114.230577
22 2020-04-01  1375.297773  ...                         0.0  1200.228228
23 2020-04-02  1438.506357  ...                         0.0  1276.892429
24 2020-04-03  1501.714941  ...                         0.0  1383.557012
25 2020-04-04  1564.923526  ...                         0.0  1214.131234
26 2020-04-05  1628.132110  ...                         0.0  1281.629989
27 2020-04-06  1691.340694  ...                         0.0  1328.629276
28 2020-04-07  1754.549278  ...                         0.0  1556.690666
29 2020-04-08  1817.757862  ...                         0.0  1642.688318
30 2020-04-09  1880.966447  ...                         0.0  1719.352518
31 2020-04-10  1944.175031  ...                         0.0  1826.017101
32 2020-04-11  2007.383615  ...                         0.0  1656.591323
33 2020-04-12  2070.592199  ...                         0.0  1724.090078
34 2020-04-13  2133.800783  ...                         0.0  1771.089365
35 2020-04-14  2197.009367  ...                         0.0  1999.150755
36 2020-04-15  2260.217952  ...                         0.0  2085.148407
37 2020-04-16  2323.426536  ...                         0.0  2161.812607
38 2020-04-17  2386.635120  ...                         0.0  2268.477191
39 2020-04-18  2449.843704  ...                         0.0  2099.051413
40 2020-04-19  2513.052288  ...                         0.0  2166.550168
41 2020-04-20  2576.260873  ...                         0.0  2213.549454
42 2020-04-21  2639.469457  ...                         0.0  2441.610845
43 2020-04-22  2702.678041  ...                         0.0  2527.608496
44 2020-04-23  2765.886625  ...                         0.0  2604.272697
45 2020-04-24  2829.095209  ...                         0.0  2710.937280
46 2020-04-25  2892.303793  ...                         0.0  2541.511502
47 2020-04-26  2955.512378  ...                         0.0  2609.010257
48 2020-04-27  3018.720962  ...                         0.0  2656.009543
49 2020-04-28  3081.929546  ...                         0.0  2884.070934
50 2020-04-29  3145.138130  ...                         0.0  2970.068585
51 2020-04-30  3208.346714  ...                         0.0  3046.732786

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Prince Edward Island
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-15  -0.008168  ...                         0.0  -0.141211
1  2020-03-16   0.502545  ...                         0.0   0.369502
2  2020-03-17   1.013258  ...                         0.0   0.880215
3  2020-03-18   1.523971  ...                         0.0   1.390928
4  2020-03-19   2.034684  ...                         0.0   1.901641
5  2020-03-20   2.545397  ...                         0.0   2.412353
6  2020-03-21   3.056109  ...                         0.0   2.923066
7  2020-03-22   3.566822  ...                         0.0   3.433779
8  2020-03-23   4.077535  ...                         0.0   3.944492
9  2020-03-24   4.588248  ...                         0.0   4.455205
10 2020-03-25   5.098961  ...                         0.0   4.965918
11 2020-03-26   5.609674  ...                         0.0   5.476630
12 2020-03-27   6.120386  ...                         0.0   5.987343
13 2020-03-28   6.631099  ...                         0.0   6.498056
14 2020-03-29   7.141812  ...                         0.0   7.008769
15 2020-03-30   7.652525  ...                         0.0   7.519482
16 2020-03-31   8.163238  ...                         0.0   8.030195
17 2020-04-01   8.673951  ...                         0.0   8.540907
18 2020-04-02   9.184663  ...                         0.0   9.051620
19 2020-04-03   9.695376  ...                         0.0   9.562333
20 2020-04-04  10.206089  ...                         0.0  10.073046
21 2020-04-05  10.716802  ...                         0.0  10.583759
22 2020-04-06  11.227515  ...                         0.0  11.094472
23 2020-04-07  11.738228  ...                         0.0  11.605185
24 2020-04-08  12.248941  ...                         0.0  12.115897
25 2020-04-09  12.759653  ...                         0.0  12.626610
26 2020-04-10  13.270366  ...                         0.0  13.137323
27 2020-04-11  13.781079  ...                         0.0  13.648036
28 2020-04-12  14.291792  ...                         0.0  14.158749
29 2020-04-13  14.802505  ...                         0.0  14.669462
30 2020-04-14  15.313218  ...                         0.0  15.180174
31 2020-04-15  15.823930  ...                         0.0  15.690887
32 2020-04-16  16.334643  ...                         0.0  16.201600
33 2020-04-17  16.845356  ...                         0.0  16.712313
34 2020-04-18  17.356069  ...                         0.0  17.223026
35 2020-04-19  17.866782  ...                         0.0  17.733739
36 2020-04-20  18.377495  ...                         0.0  18.244451
37 2020-04-21  18.888207  ...                         0.0  18.755164
38 2020-04-22  19.398920  ...                         0.0  19.265877
39 2020-04-23  19.909633  ...                         0.0  19.776590
40 2020-04-24  20.420346  ...                         0.0  20.287303
41 2020-04-25  20.931059  ...                         0.0  20.798016
42 2020-04-26  21.441772  ...                         0.0  21.308729
43 2020-04-27  21.952485  ...                         0.0  21.819441
44 2020-04-28  22.463197  ...                         0.0  22.330154
45 2020-04-29  22.973910  ...                         0.0  22.840867
46 2020-04-30  23.484623  ...                         0.0  23.351580

[47 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 19.
COUNTRY: Panama
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-10    -6.493785  ...                         0.0  -107.579674
1  2020-03-11    28.630263  ...                         0.0   -66.902595
2  2020-03-12    63.754311  ...                         0.0   -19.894575
3  2020-03-13    98.878358  ...                         0.0    33.452927
4  2020-03-14   134.002406  ...                         0.0    -4.988316
5  2020-03-15   169.126455  ...                         0.0    55.033471
6  2020-03-16   204.250504  ...                         0.0    77.050789
7  2020-03-17   239.374744  ...                         0.0   138.288855
8  2020-03-18   274.501490  ...                         0.0   178.968632
9  2020-03-19   309.628237  ...                         0.0   225.979351
10 2020-03-20   344.758312  ...                         0.0   279.332881
11 2020-03-21   379.888388  ...                         0.0   240.897666
12 2020-03-22   415.022579  ...                         0.0   300.929595
13 2020-03-23   450.156771  ...                         0.0   322.957055
14 2020-03-24   485.290962  ...                         0.0   384.205073
15 2020-03-25   520.425154  ...                         0.0   424.892296
16 2020-03-26   555.559345  ...                         0.0   471.910460
17 2020-03-27   590.693537  ...                         0.0   525.268105
18 2020-03-28   625.827728  ...                         0.0   486.837006
19 2020-03-29   660.961920  ...                         0.0   546.868936
20 2020-03-30   696.096111  ...                         0.0   568.896396
21 2020-03-31   731.230303  ...                         0.0   630.144413
22 2020-04-01   766.364494  ...                         0.0   670.831636
23 2020-04-02   801.498686  ...                         0.0   717.849800
24 2020-04-03   836.632877  ...                         0.0   771.207446
25 2020-04-04   871.767069  ...                         0.0   732.776347
26 2020-04-05   906.901260  ...                         0.0   792.808276
27 2020-04-06   942.035452  ...                         0.0   814.835736
28 2020-04-07   977.169643  ...                         0.0   876.083754
29 2020-04-08  1012.303835  ...                         0.0   916.770977
30 2020-04-09  1047.438026  ...                         0.0   963.789141
31 2020-04-10  1082.572218  ...                         0.0  1017.146786
32 2020-04-11  1117.706409  ...                         0.0   978.715687
33 2020-04-12  1152.840601  ...                         0.0  1038.747617
34 2020-04-13  1187.974792  ...                         0.0  1060.775077
35 2020-04-14  1223.108983  ...                         0.0  1122.023094
36 2020-04-15  1258.243175  ...                         0.0  1162.710317
37 2020-04-16  1293.377366  ...                         0.0  1209.728481
38 2020-04-17  1328.511558  ...                         0.0  1263.086126
39 2020-04-18  1363.645749  ...                         0.0  1224.655028
40 2020-04-19  1398.779941  ...                         0.0  1284.686957
41 2020-04-20  1433.914132  ...                         0.0  1306.714417
42 2020-04-21  1469.048324  ...                         0.0  1367.962434
43 2020-04-22  1504.182515  ...                         0.0  1408.649658
44 2020-04-23  1539.316707  ...                         0.0  1455.667822
45 2020-04-24  1574.450898  ...                         0.0  1509.025467
46 2020-04-25  1609.585090  ...                         0.0  1470.594368
47 2020-04-26  1644.719281  ...                         0.0  1530.626297
48 2020-04-27  1679.853473  ...                         0.0  1552.653757
49 2020-04-28  1714.987664  ...                         0.0  1613.901775
50 2020-04-29  1750.121856  ...                         0.0  1654.588998
51 2020-04-30  1785.256047  ...                         0.0  1701.607162

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 7.
COUNTRY: Portugal
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-02   -49.269696  ...                         0.0  -787.862467
1  2020-03-03    83.437674  ...                         0.0  -680.499534
2  2020-03-04   216.145046  ...                         0.0  -517.111172
3  2020-03-05   348.852416  ...                         0.0  -294.935395
4  2020-03-06   481.559789  ...                         0.0   -40.763603
5  2020-03-07   614.267161  ...                         0.0  -439.768827
6  2020-03-08   746.974534  ...                         0.0  -304.571733
7  2020-03-09   879.681908  ...                         0.0   141.089138
8  2020-03-10  1012.389282  ...                         0.0   248.452074
9  2020-03-11  1145.096657  ...                         0.0   411.840439
10 2020-03-12  1277.805050  ...                         0.0   634.017239
11 2020-03-13  1410.513444  ...                         0.0   888.190053
12 2020-03-14  1543.221838  ...                         0.0   489.185850
13 2020-03-15  1675.938311  ...                         0.0   624.392045
14 2020-03-16  1808.654786  ...                         0.0  1070.062016
15 2020-03-17  1941.371264  ...                         0.0  1177.434056
16 2020-03-18  2074.087746  ...                         0.0  1340.831528
17 2020-03-19  2206.809468  ...                         0.0  1563.021657
18 2020-03-20  2339.531846  ...                         0.0  1817.208455
19 2020-03-21  2472.254224  ...                         0.0  1418.218236
20 2020-03-22  2604.976603  ...                         0.0  1553.430336
21 2020-03-23  2737.698982  ...                         0.0  1999.106211
22 2020-03-24  2870.421360  ...                         0.0  2106.484153
23 2020-03-25  3003.143739  ...                         0.0  2269.887521
24 2020-03-26  3135.866118  ...                         0.0  2492.078306
25 2020-03-27  3268.588496  ...                         0.0  2746.265105
26 2020-03-28  3401.310875  ...                         0.0  2347.274886
27 2020-03-29  3534.033254  ...                         0.0  2482.486987
28 2020-03-30  3666.755632  ...                         0.0  2928.162862
29 2020-03-31  3799.478011  ...                         0.0  3035.540803
30 2020-04-01  3932.200390  ...                         0.0  3198.944171
31 2020-04-02  4064.922768  ...                         0.0  3421.134957
32 2020-04-03  4197.645147  ...                         0.0  3675.321756
33 2020-04-04  4330.367526  ...                         0.0  3276.331537
34 2020-04-05  4463.089904  ...                         0.0  3411.543638
35 2020-04-06  4595.812283  ...                         0.0  3857.219512
36 2020-04-07  4728.534661  ...                         0.0  3964.597454
37 2020-04-08  4861.257040  ...                         0.0  4128.000822
38 2020-04-09  4993.979419  ...                         0.0  4350.191608
39 2020-04-10  5126.701797  ...                         0.0  4604.378406
40 2020-04-11  5259.424176  ...                         0.0  4205.388187
41 2020-04-12  5392.146555  ...                         0.0  4340.600288
42 2020-04-13  5524.868933  ...                         0.0  4786.276163
43 2020-04-14  5657.591312  ...                         0.0  4893.654104
44 2020-04-15  5790.313691  ...                         0.0  5057.057473
45 2020-04-16  5923.036069  ...                         0.0  5279.248258
46 2020-04-17  6055.758448  ...                         0.0  5533.435057
47 2020-04-18  6188.480827  ...                         0.0  5134.444838
48 2020-04-19  6321.203205  ...                         0.0  5269.656939
49 2020-04-20  6453.925584  ...                         0.0  5715.332814
50 2020-04-21  6586.647963  ...                         0.0  5822.710755
51 2020-04-22  6719.370341  ...                         0.0  5986.114123
52 2020-04-23  6852.092720  ...                         0.0  6208.304909
53 2020-04-24  6984.815099  ...                         0.0  6462.491707
54 2020-04-25  7117.537477  ...                         0.0  6063.501489
55 2020-04-26  7250.259856  ...                         0.0  6198.713589
56 2020-04-27  7382.982234  ...                         0.0  6644.389464
57 2020-04-28  7515.704613  ...                         0.0  6751.767405
58 2020-04-29  7648.426992  ...                         0.0  6915.170774
59 2020-04-30  7781.149370  ...                         0.0  7137.361559

[60 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 24.
COUNTRY: Virgin Islands
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-16  -0.123504  ...                         0.0  -1.046058
1  2020-03-17   1.655283  ...                         0.0   0.732730
2  2020-03-18   3.434071  ...                         0.0   2.511517
3  2020-03-19   5.212858  ...                         0.0   4.290305
4  2020-03-22  10.549220  ...                         0.0   9.626667
5  2020-03-23  12.328008  ...                         0.0  11.405454
6  2020-03-24  14.106795  ...                         0.0  13.184242
7  2020-03-25  15.885583  ...                         0.0  14.963029
8  2020-03-26  17.664370  ...                         0.0  16.741817
9  2020-03-27  19.443158  ...                         0.0  18.520604
10 2020-03-28  21.221945  ...                         0.0  20.299392
11 2020-03-29  23.000732  ...                         0.0  22.078179
12 2020-03-30  24.779520  ...                         0.0  23.856966
13 2020-03-31  26.558307  ...                         0.0  25.635754
14 2020-04-01  28.337095  ...                         0.0  27.414541
15 2020-04-02  30.115882  ...                         0.0  29.193329
16 2020-04-03  31.894670  ...                         0.0  30.972116
17 2020-04-04  33.673457  ...                         0.0  32.750904
18 2020-04-05  35.452244  ...                         0.0  34.529691
19 2020-04-06  37.231032  ...                         0.0  36.308478
20 2020-04-07  39.009819  ...                         0.0  38.087266
21 2020-04-08  40.788607  ...                         0.0  39.866053
22 2020-04-09  42.567394  ...                         0.0  41.644841
23 2020-04-10  44.346182  ...                         0.0  43.423628
24 2020-04-11  46.124969  ...                         0.0  45.202416
25 2020-04-12  47.903756  ...                         0.0  46.981203
26 2020-04-13  49.682544  ...                         0.0  48.759990
27 2020-04-14  51.461331  ...                         0.0  50.538778
28 2020-04-15  53.240119  ...                         0.0  52.317565
29 2020-04-16  55.018906  ...                         0.0  54.096353
30 2020-04-17  56.797694  ...                         0.0  55.875140
31 2020-04-18  58.576481  ...                         0.0  57.653928
32 2020-04-19  60.355269  ...                         0.0  59.432715
33 2020-04-20  62.134056  ...                         0.0  61.211503
34 2020-04-21  63.912843  ...                         0.0  62.990290
35 2020-04-22  65.691631  ...                         0.0  64.769077
36 2020-04-23  67.470418  ...                         0.0  66.547865
37 2020-04-24  69.249206  ...                         0.0  68.326652
38 2020-04-25  71.027993  ...                         0.0  70.105440
39 2020-04-26  72.806781  ...                         0.0  71.884227
40 2020-04-27  74.585568  ...                         0.0  73.663015
41 2020-04-28  76.364355  ...                         0.0  75.441802
42 2020-04-29  78.143143  ...                         0.0  77.220589
43 2020-04-30  79.921930  ...                         0.0  78.999377

[44 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Switzerland
           ds         trend  ...  multiplicative_terms_upper          yhat
0  2020-02-25   -164.870905  ...                         0.0  -2540.739210
1  2020-02-26    204.082296  ...                         0.0  -2232.227800
2  2020-02-27    573.035497  ...                         0.0  -1833.835561
3  2020-02-28    941.988698  ...                         0.0  -1249.074373
4  2020-02-29   1310.941899  ...                         0.0  -1820.224557
..        ...           ...  ...                         ...           ...
61 2020-04-26  22342.426655  ...                         0.0  19296.860407
62 2020-04-27  22711.405307  ...                         0.0  19640.068788
63 2020-04-28  23080.383959  ...                         0.0  20704.515653
64 2020-04-29  23449.362611  ...                         0.0  21013.052515
65 2020-04-30  23818.341263  ...                         0.0  21411.470205

[66 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 23.
COUNTRY: Liaoning
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-01-22   -0.276090  ...                         0.0   -3.176455
1  2020-01-23    6.171490  ...                         0.0    2.120693
2  2020-01-24   12.619069  ...                         0.0    8.017922
3  2020-01-25   19.066649  ...                         0.0   15.860545
4  2020-01-26   25.514229  ...                         0.0   21.907619
..        ...         ...  ...                         ...         ...
95 2020-04-26  137.180622  ...                         0.0  133.574012
96 2020-04-27  137.371049  ...                         0.0  133.215471
97 2020-04-28  137.561476  ...                         0.0  133.857006
98 2020-04-29  137.751903  ...                         0.0  134.851539
99 2020-04-30  137.942331  ...                         0.0  133.891533

[100 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Norway
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-02-26   -42.329302  ...                         0.0  -630.811686
1  2020-02-27    78.039441  ...                         0.0  -508.044031
2  2020-02-28   198.408184  ...                         0.0  -333.700407
3  2020-02-29   318.776927  ...                         0.0  -423.918329
4  2020-03-01   439.145670  ...                         0.0  -316.581255
..        ...          ...  ...                         ...          ...
60 2020-04-26  7218.465608  ...                         0.0  6462.738682
61 2020-04-27  7339.696353  ...                         0.0  6558.917644
62 2020-04-28  7460.927099  ...                         0.0  6702.822612
63 2020-04-29  7582.157845  ...                         0.0  6993.675461
64 2020-04-30  7703.388591  ...                         0.0  7117.305119

[65 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Oman
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-02-24   -0.886100  ...                         0.0  -17.794811
1  2020-02-25    1.981642  ...                         0.0  -12.203516
2  2020-02-26    4.849384  ...                         0.0   -5.212847
3  2020-02-27    7.717126  ...                         0.0   -1.222785
4  2020-02-28   10.584868  ...                         0.0    3.366910
..        ...         ...  ...                         ...         ...
62 2020-04-26  177.637454  ...                         0.0  155.903074
63 2020-04-27  180.521855  ...                         0.0  163.613143
64 2020-04-28  183.406256  ...                         0.0  169.221098
65 2020-04-29  186.290657  ...                         0.0  176.228426
66 2020-04-30  189.175058  ...                         0.0  180.235147

[67 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Arizona
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-10    -7.559311  ...                         0.0  -104.276878
1  2020-03-11    24.054048  ...                         0.0   -75.939848
2  2020-03-12    55.667407  ...                         0.0   -34.268364
3  2020-03-13    87.280767  ...                         0.0    29.071658
4  2020-03-14   118.894126  ...                         0.0   -45.920335
5  2020-03-15   150.507486  ...                         0.0   -28.406724
6  2020-03-16   182.120845  ...                         0.0    15.598037
7  2020-03-17   213.734205  ...                         0.0   117.016638
8  2020-03-18   245.347564  ...                         0.0   145.353668
9  2020-03-19   276.960924  ...                         0.0   187.025152
10 2020-03-20   308.574284  ...                         0.0   250.365175
11 2020-03-21   340.187644  ...                         0.0   175.373183
12 2020-03-22   371.801004  ...                         0.0   192.886795
13 2020-03-23   403.414364  ...                         0.0   236.891556
14 2020-03-24   435.027724  ...                         0.0   338.310158
15 2020-03-25   466.641084  ...                         0.0   366.647189
16 2020-03-26   498.254445  ...                         0.0   408.318673
17 2020-03-27   529.867805  ...                         0.0   471.658696
18 2020-03-28   561.481165  ...                         0.0   396.666704
19 2020-03-29   593.094525  ...                         0.0   414.180316
20 2020-03-30   624.707885  ...                         0.0   458.185077
21 2020-03-31   656.321245  ...                         0.0   559.603679
22 2020-04-01   687.934606  ...                         0.0   587.940710
23 2020-04-02   719.547966  ...                         0.0   629.612194
24 2020-04-03   751.161326  ...                         0.0   692.952217
25 2020-04-04   782.774686  ...                         0.0   617.960225
26 2020-04-05   814.388046  ...                         0.0   635.473837
27 2020-04-06   846.001406  ...                         0.0   679.478598
28 2020-04-07   877.614767  ...                         0.0   780.897200
29 2020-04-08   909.228127  ...                         0.0   809.234231
30 2020-04-09   940.841487  ...                         0.0   850.905715
31 2020-04-10   972.454847  ...                         0.0   914.245738
32 2020-04-11  1004.068207  ...                         0.0   839.253746
33 2020-04-12  1035.681567  ...                         0.0   856.767358
34 2020-04-13  1067.294928  ...                         0.0   900.772119
35 2020-04-14  1098.908288  ...                         0.0  1002.190721
36 2020-04-15  1130.521648  ...                         0.0  1030.527752
37 2020-04-16  1162.135008  ...                         0.0  1072.199236
38 2020-04-17  1193.748368  ...                         0.0  1135.539259
39 2020-04-18  1225.361728  ...                         0.0  1060.547267
40 2020-04-19  1256.975089  ...                         0.0  1078.060879
41 2020-04-20  1288.588449  ...                         0.0  1122.065640
42 2020-04-21  1320.201809  ...                         0.0  1223.484242
43 2020-04-22  1351.815169  ...                         0.0  1251.821273
44 2020-04-23  1383.428529  ...                         0.0  1293.492758
45 2020-04-24  1415.041889  ...                         0.0  1356.832780
46 2020-04-25  1446.655250  ...                         0.0  1281.840789
47 2020-04-26  1478.268610  ...                         0.0  1299.354400
48 2020-04-27  1509.881970  ...                         0.0  1343.359161
49 2020-04-28  1541.495330  ...                         0.0  1444.777764
50 2020-04-29  1573.108690  ...                         0.0  1473.114794
51 2020-04-30  1604.722050  ...                         0.0  1514.786279

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 23.
COUNTRY: Nebraska
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-10   -0.314985  ...                         0.0   -2.310202
1  2020-03-11    4.299038  ...                         0.0    1.018254
2  2020-03-12    8.913060  ...                         0.0    5.344138
3  2020-03-13   13.527082  ...                         0.0   11.666178
4  2020-03-14   18.141105  ...                         0.0    9.851591
5  2020-03-15   22.755127  ...                         0.0   17.841027
6  2020-03-16   27.369150  ...                         0.0   18.335675
7  2020-03-17   31.984628  ...                         0.0   29.989411
8  2020-03-18   36.601755  ...                         0.0   33.320971
9  2020-03-19   41.222632  ...                         0.0   37.653710
10 2020-03-20   45.847247  ...                         0.0   43.986342
11 2020-03-21   50.473631  ...                         0.0   42.184116
12 2020-03-22   55.100205  ...                         0.0   50.186104
13 2020-03-23   59.726916  ...                         0.0   50.693442
14 2020-03-24   64.353904  ...                         0.0   62.358687
15 2020-03-25   68.980892  ...                         0.0   65.700107
16 2020-03-26   73.607880  ...                         0.0   70.038958
17 2020-03-27   78.234867  ...                         0.0   76.373963
18 2020-03-28   82.861855  ...                         0.0   74.572341
19 2020-03-29   87.488843  ...                         0.0   82.574743
20 2020-03-30   92.115831  ...                         0.0   83.082357
21 2020-03-31   96.742819  ...                         0.0   94.747602
22 2020-04-01  101.369807  ...                         0.0   98.089023
23 2020-04-02  105.996795  ...                         0.0  102.427873
24 2020-04-03  110.623783  ...                         0.0  108.762879
25 2020-04-04  115.250771  ...                         0.0  106.961256
26 2020-04-05  119.877759  ...                         0.0  114.963658
27 2020-04-06  124.504747  ...                         0.0  115.471272
28 2020-04-07  129.131734  ...                         0.0  127.136517
29 2020-04-08  133.758722  ...                         0.0  130.477938
30 2020-04-09  138.385710  ...                         0.0  134.816788
31 2020-04-10  143.012698  ...                         0.0  141.151794
32 2020-04-11  147.639686  ...                         0.0  139.350172
33 2020-04-12  152.266674  ...                         0.0  147.352574
34 2020-04-13  156.893662  ...                         0.0  147.860188
35 2020-04-14  161.520650  ...                         0.0  159.525433
36 2020-04-15  166.147638  ...                         0.0  162.866853
37 2020-04-16  170.774626  ...                         0.0  167.205704
38 2020-04-17  175.401613  ...                         0.0  173.540709
39 2020-04-18  180.028601  ...                         0.0  171.739087
40 2020-04-19  184.655589  ...                         0.0  179.741489
41 2020-04-20  189.282577  ...                         0.0  180.249103
42 2020-04-21  193.909565  ...                         0.0  191.914348
43 2020-04-22  198.536553  ...                         0.0  195.255769
44 2020-04-23  203.163541  ...                         0.0  199.594619
45 2020-04-24  207.790529  ...                         0.0  205.929625
46 2020-04-25  212.417517  ...                         0.0  204.128002
47 2020-04-26  217.044505  ...                         0.0  212.130404
48 2020-04-27  221.671492  ...                         0.0  212.638018
49 2020-04-28  226.298480  ...                         0.0  224.303263
50 2020-04-29  230.925468  ...                         0.0  227.644684
51 2020-04-30  235.552456  ...                         0.0  231.983534

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Denmark
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-02-27    -4.835107  ...                         0.0   -46.993019
1  2020-02-28    13.269788  ...                         0.0     2.885697
2  2020-02-29    31.374684  ...                         0.0   -33.880055
3  2020-03-01    49.479579  ...                         0.0   -48.446890
4  2020-03-02    67.584475  ...                         0.0   -64.080426
..        ...          ...  ...                         ...          ...
59 2020-04-26  4756.573670  ...                         0.0  4658.647201
60 2020-04-27  4848.871721  ...                         0.0  4717.206820
61 2020-04-28  4941.169772  ...                         0.0  4830.255995
62 2020-04-29  5033.467824  ...                         0.0  4948.054946
63 2020-04-30  5125.765875  ...                         0.0  5083.607963

[64 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 20.
COUNTRY: Iraq
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-02-24   -3.888129  ...                         0.0  -66.416833
1  2020-02-25    7.642313  ...                         0.0  -47.066702
2  2020-02-26   19.172756  ...                         0.0  -37.700621
3  2020-02-27   30.703198  ...                         0.0  -24.546128
4  2020-02-28   42.233641  ...                         0.0    0.779431
..        ...         ...  ...                         ...         ...
62 2020-04-26  716.380495  ...                         0.0  636.663981
63 2020-04-27  728.032629  ...                         0.0  665.503924
64 2020-04-28  739.684762  ...                         0.0  684.975747
65 2020-04-29  751.336896  ...                         0.0  694.463519
66 2020-04-30  762.989029  ...                         0.0  707.739703

[67 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 8.
COUNTRY: Azerbaijan
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-01   -1.255728  ...                         0.0  -20.845778
1  2020-03-02    3.111186  ...                         0.0  -17.846396
2  2020-03-03    7.478101  ...                         0.0  -13.596964
3  2020-03-04   11.845016  ...                         0.0  -12.097815
4  2020-03-05   16.211930  ...                         0.0   -0.098166
..        ...         ...  ...                         ...         ...
56 2020-04-26  243.341123  ...                         0.0  223.751073
57 2020-04-27  247.709310  ...                         0.0  226.751727
58 2020-04-28  252.077496  ...                         0.0  231.002432
59 2020-04-29  256.445683  ...                         0.0  232.502853
60 2020-04-30  260.813870  ...                         0.0  244.503774

[61 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 22.
COUNTRY: Benin
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-16   0.023301  ...                         0.0   0.399286
1  2020-03-17   0.571919  ...                         0.0   0.947905
2  2020-03-18   1.120538  ...                         0.0   1.496523
3  2020-03-19   1.669157  ...                         0.0   2.045142
4  2020-03-20   2.217775  ...                         0.0   2.593761
5  2020-03-21   2.766394  ...                         0.0   3.142379
6  2020-03-22   3.315013  ...                         0.0   3.690998
7  2020-03-23   3.863631  ...                         0.0   4.239617
8  2020-03-24   4.412250  ...                         0.0   4.788235
9  2020-03-25   4.960868  ...                         0.0   5.336854
10 2020-03-26   5.509487  ...                         0.0   5.885472
11 2020-03-27   6.058106  ...                         0.0   6.434091
12 2020-03-28   6.606724  ...                         0.0   6.982710
13 2020-03-29   7.155343  ...                         0.0   7.531328
14 2020-03-30   7.703962  ...                         0.0   8.079947
15 2020-03-31   8.252580  ...                         0.0   8.628565
16 2020-04-01   8.801199  ...                         0.0   9.177184
17 2020-04-02   9.349817  ...                         0.0   9.725803
18 2020-04-03   9.898436  ...                         0.0  10.274421
19 2020-04-04  10.447055  ...                         0.0  10.823040
20 2020-04-05  10.995673  ...                         0.0  11.371659
21 2020-04-06  11.544292  ...                         0.0  11.920277
22 2020-04-07  12.092910  ...                         0.0  12.468896
23 2020-04-08  12.641529  ...                         0.0  13.017514
24 2020-04-09  13.190148  ...                         0.0  13.566133
25 2020-04-10  13.738766  ...                         0.0  14.114752
26 2020-04-11  14.287385  ...                         0.0  14.663370
27 2020-04-12  14.836004  ...                         0.0  15.211989
28 2020-04-13  15.384622  ...                         0.0  15.760608
29 2020-04-14  15.933241  ...                         0.0  16.309226
30 2020-04-15  16.481859  ...                         0.0  16.857845
31 2020-04-16  17.030478  ...                         0.0  17.406463
32 2020-04-17  17.579097  ...                         0.0  17.955082
33 2020-04-18  18.127715  ...                         0.0  18.503701
34 2020-04-19  18.676334  ...                         0.0  19.052319
35 2020-04-20  19.224953  ...                         0.0  19.600938
36 2020-04-21  19.773571  ...                         0.0  20.149556
37 2020-04-22  20.322190  ...                         0.0  20.698175
38 2020-04-23  20.870808  ...                         0.0  21.246794
39 2020-04-24  21.419427  ...                         0.0  21.795412
40 2020-04-25  21.968046  ...                         0.0  22.344031
41 2020-04-26  22.516664  ...                         0.0  22.892650
42 2020-04-27  23.065283  ...                         0.0  23.441268
43 2020-04-28  23.613901  ...                         0.0  23.989887
44 2020-04-29  24.162520  ...                         0.0  24.538505
45 2020-04-30  24.711139  ...                         0.0  25.087124

[46 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 12.
COUNTRY: Lithuania
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-02-28   -4.174125  ...                         0.0  -46.692247
1  2020-02-29    5.090933  ...                         0.0  -74.070040
2  2020-03-01   14.355990  ...                         0.0  -58.056068
3  2020-03-02   23.621047  ...                         0.0  -47.794868
4  2020-03-03   32.886105  ...                         0.0  -38.283384
..        ...         ...  ...                         ...         ...
58 2020-04-26  533.242529  ...                         0.0  460.830471
59 2020-04-27  542.508614  ...                         0.0  471.092699
60 2020-04-28  551.774700  ...                         0.0  480.605211
61 2020-04-29  561.040785  ...                         0.0  497.873107
62 2020-04-30  570.306870  ...                         0.0  506.386330

[63 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 22.
COUNTRY: New Mexico
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-11   -1.004758  ...                         0.0  -10.383432
1  2020-03-12    7.104093  ...                         0.0   -5.724462
2  2020-03-13   15.212945  ...                         0.0    6.288457
3  2020-03-14   23.321797  ...                         0.0   -1.901725
4  2020-03-15   31.430648  ...                         0.0    6.602319
5  2020-03-16   39.539500  ...                         0.0   21.636620
6  2020-03-17   47.648351  ...                         0.0   33.154696
7  2020-03-18   55.757221  ...                         0.0   46.378547
8  2020-03-19   63.866099  ...                         0.0   51.037544
9  2020-03-20   71.975132  ...                         0.0   63.050644
10 2020-03-21   80.084448  ...                         0.0   54.860927
11 2020-03-22   88.193796  ...                         0.0   63.365467
12 2020-03-23   96.303144  ...                         0.0   78.400264
13 2020-03-24  104.412492  ...                         0.0   89.918837
14 2020-03-25  112.521840  ...                         0.0  103.143166
15 2020-03-26  120.631188  ...                         0.0  107.802633
16 2020-03-27  128.740536  ...                         0.0  119.816048
17 2020-03-28  136.849883  ...                         0.0  111.626362
18 2020-03-29  144.959231  ...                         0.0  120.130903
19 2020-03-30  153.068579  ...                         0.0  135.165700
20 2020-03-31  161.177927  ...                         0.0  146.684272
21 2020-04-01  169.287275  ...                         0.0  159.908602
22 2020-04-02  177.396623  ...                         0.0  164.568068
23 2020-04-03  185.505971  ...                         0.0  176.581483
24 2020-04-04  193.615319  ...                         0.0  168.391798
25 2020-04-05  201.724667  ...                         0.0  176.896338
26 2020-04-06  209.834015  ...                         0.0  191.931136
27 2020-04-07  217.943363  ...                         0.0  203.449708
28 2020-04-08  226.052711  ...                         0.0  216.674037
29 2020-04-09  234.162059  ...                         0.0  221.333504
30 2020-04-10  242.271407  ...                         0.0  233.346919
31 2020-04-11  250.380755  ...                         0.0  225.157233
32 2020-04-12  258.490103  ...                         0.0  233.661774
33 2020-04-13  266.599450  ...                         0.0  248.696571
34 2020-04-14  274.708798  ...                         0.0  260.215143
35 2020-04-15  282.818146  ...                         0.0  273.439473
36 2020-04-16  290.927494  ...                         0.0  278.098939
37 2020-04-17  299.036842  ...                         0.0  290.112355
38 2020-04-18  307.146190  ...                         0.0  281.922669
39 2020-04-19  315.255538  ...                         0.0  290.427209
40 2020-04-20  323.364886  ...                         0.0  305.462007
41 2020-04-21  331.474234  ...                         0.0  316.980579
42 2020-04-22  339.583582  ...                         0.0  330.204909
43 2020-04-23  347.692930  ...                         0.0  334.864375
44 2020-04-24  355.802278  ...                         0.0  346.877790
45 2020-04-25  363.911626  ...                         0.0  338.688105
46 2020-04-26  372.020974  ...                         0.0  347.192645
47 2020-04-27  380.130322  ...                         0.0  362.227442
48 2020-04-28  388.239670  ...                         0.0  373.746015
49 2020-04-29  396.349017  ...                         0.0  386.970344
50 2020-04-30  404.458365  ...                         0.0  391.629810

[51 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Iceland
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-02-28    -9.784750  ...                         0.0  -113.915109
1  2020-02-29    19.430565  ...                         0.0  -136.905778
2  2020-03-01    48.645880  ...                         0.0  -108.938215
3  2020-03-02    77.861195  ...                         0.0   -98.974454
4  2020-03-03   107.076510  ...                         0.0   -70.014116
..        ...          ...  ...                         ...          ...
58 2020-04-26  1687.964122  ...                         0.0  1530.380026
59 2020-04-27  1717.255372  ...                         0.0  1540.419722
60 2020-04-28  1746.546621  ...                         0.0  1569.455995
61 2020-04-29  1775.837871  ...                         0.0  1606.991509
62 2020-04-30  1805.129121  ...                         0.0  1649.776160

[63 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Lebanon
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-02-21   -4.537361  ...                         0.0  -62.186543
1  2020-02-22    5.254515  ...                         0.0  -75.775737
2  2020-02-23   15.046390  ...                         0.0  -56.991320
3  2020-02-24   24.838265  ...                         0.0  -52.608935
4  2020-02-25   34.630141  ...                         0.0  -38.627240
..        ...         ...  ...                         ...         ...
65 2020-04-26  633.319829  ...                         0.0  561.282119
66 2020-04-27  643.141171  ...                         0.0  565.693970
67 2020-04-28  652.962513  ...                         0.0  579.705132
68 2020-04-29  662.783855  ...                         0.0  589.515295
69 2020-04-30  672.605197  ...                         0.0  601.924270

[70 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Texas
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-10   -20.724386  ...                         0.0  -321.323624
1  2020-03-11    76.514742  ...                         0.0  -206.282030
2  2020-03-12   173.753869  ...                         0.0   -63.914543
3  2020-03-13   270.992997  ...                         0.0   110.779252
4  2020-03-14   368.232125  ...                         0.0   -21.394126
5  2020-03-15   465.471252  ...                         0.0    17.162737
6  2020-03-16   562.710380  ...                         0.0    81.241891
7  2020-03-17   659.949507  ...                         0.0   359.350269
8  2020-03-18   757.188635  ...                         0.0   474.391863
9  2020-03-19   854.427828  ...                         0.0   616.759416
10 2020-03-20   951.667109  ...                         0.0   791.453364
11 2020-03-21  1048.906389  ...                         0.0   659.280138
12 2020-03-22  1146.145670  ...                         0.0   697.837154
13 2020-03-23  1243.384950  ...                         0.0   761.916462
14 2020-03-24  1340.624231  ...                         0.0  1040.024993
15 2020-03-25  1437.863511  ...                         0.0  1155.066739
16 2020-03-26  1535.102792  ...                         0.0  1297.434380
17 2020-03-27  1632.342073  ...                         0.0  1472.128328
18 2020-03-28  1729.581353  ...                         0.0  1339.955102
19 2020-03-29  1826.820634  ...                         0.0  1378.512118
20 2020-03-30  1924.059914  ...                         0.0  1442.591425
21 2020-03-31  2021.299195  ...                         0.0  1720.699956
22 2020-04-01  2118.538475  ...                         0.0  1835.741703
23 2020-04-02  2215.777756  ...                         0.0  1978.109343
24 2020-04-03  2313.017036  ...                         0.0  2152.803292
25 2020-04-04  2410.256317  ...                         0.0  2020.630066
26 2020-04-05  2507.495597  ...                         0.0  2059.187082
27 2020-04-06  2604.734878  ...                         0.0  2123.266389
28 2020-04-07  2701.974159  ...                         0.0  2401.374920
29 2020-04-08  2799.213439  ...                         0.0  2516.416667
30 2020-04-09  2896.452720  ...                         0.0  2658.784307
31 2020-04-10  2993.692000  ...                         0.0  2833.478255
32 2020-04-11  3090.931281  ...                         0.0  2701.305030
33 2020-04-12  3188.170561  ...                         0.0  2739.862046
34 2020-04-13  3285.409842  ...                         0.0  2803.941353
35 2020-04-14  3382.649122  ...                         0.0  3082.049884
36 2020-04-15  3479.888403  ...                         0.0  3197.091631
37 2020-04-16  3577.127683  ...                         0.0  3339.459271
38 2020-04-17  3674.366964  ...                         0.0  3514.153219
39 2020-04-18  3771.606245  ...                         0.0  3381.979994
40 2020-04-19  3868.845525  ...                         0.0  3420.537009
41 2020-04-20  3966.084806  ...                         0.0  3484.616317
42 2020-04-21  4063.324086  ...                         0.0  3762.724848
43 2020-04-22  4160.563367  ...                         0.0  3877.766595
44 2020-04-23  4257.802647  ...                         0.0  4020.134235
45 2020-04-24  4355.041928  ...                         0.0  4194.828183
46 2020-04-25  4452.281208  ...                         0.0  4062.654957
47 2020-04-26  4549.520489  ...                         0.0  4101.211973
48 2020-04-27  4646.759769  ...                         0.0  4165.291281
49 2020-04-28  4743.999050  ...                         0.0  4443.399812
50 2020-04-29  4841.238331  ...                         0.0  4558.441558
51 2020-04-30  4938.477611  ...                         0.0  4700.809199

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 9.
COUNTRY: Taiwan*
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-01-22    0.036072  ...                         0.0    1.324351
1  2020-01-23    0.909574  ...                         0.0    2.123079
2  2020-01-24    1.783076  ...                         0.0    4.521817
3  2020-01-25    2.656578  ...                         0.0    2.480589
4  2020-01-26    3.530080  ...                         0.0    2.701444
..        ...         ...  ...                         ...         ...
95 2020-04-26  677.284778  ...                         0.0  676.456142
96 2020-04-27  691.664317  ...                         0.0  691.405223
97 2020-04-28  706.043856  ...                         0.0  706.132076
98 2020-04-29  720.423395  ...                         0.0  721.711673
99 2020-04-30  734.802934  ...                         0.0  736.016439

[100 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Newfoundland and Labrador
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-15   -1.132452  ...                         0.0  -18.612689
1  2020-03-16    5.907332  ...                         0.0  -11.572905
2  2020-03-17   12.947115  ...                         0.0   -4.533122
3  2020-03-18   19.986899  ...                         0.0    2.506662
4  2020-03-19   27.026682  ...                         0.0    9.546445
5  2020-03-20   34.066466  ...                         0.0   16.586229
6  2020-03-21   41.106249  ...                         0.0   23.626012
7  2020-03-22   48.146033  ...                         0.0   30.665796
8  2020-03-23   55.185816  ...                         0.0   37.705579
9  2020-03-24   62.225599  ...                         0.0   44.745363
10 2020-03-25   69.265383  ...                         0.0   51.785146
11 2020-03-26   76.305166  ...                         0.0   58.824929
12 2020-03-27   83.344950  ...                         0.0   65.864713
13 2020-03-28   90.384733  ...                         0.0   72.904496
14 2020-03-29   97.424517  ...                         0.0   79.944280
15 2020-03-30  104.464300  ...                         0.0   86.984063
16 2020-03-31  111.504084  ...                         0.0   94.023847
17 2020-04-01  118.543867  ...                         0.0  101.063630
18 2020-04-02  125.583651  ...                         0.0  108.103414
19 2020-04-03  132.623434  ...                         0.0  115.143197
20 2020-04-04  139.663218  ...                         0.0  122.182981
21 2020-04-05  146.703001  ...                         0.0  129.222764
22 2020-04-06  153.742785  ...                         0.0  136.262548
23 2020-04-07  160.782568  ...                         0.0  143.302331
24 2020-04-08  167.822351  ...                         0.0  150.342115
25 2020-04-09  174.862135  ...                         0.0  157.381898
26 2020-04-10  181.901918  ...                         0.0  164.421681
27 2020-04-11  188.941702  ...                         0.0  171.461465
28 2020-04-12  195.981485  ...                         0.0  178.501248
29 2020-04-13  203.021269  ...                         0.0  185.541032
30 2020-04-14  210.061052  ...                         0.0  192.580815
31 2020-04-15  217.100836  ...                         0.0  199.620599
32 2020-04-16  224.140619  ...                         0.0  206.660382
33 2020-04-17  231.180403  ...                         0.0  213.700166
34 2020-04-18  238.220186  ...                         0.0  220.739949
35 2020-04-19  245.259970  ...                         0.0  227.779733
36 2020-04-20  252.299753  ...                         0.0  234.819516
37 2020-04-21  259.339536  ...                         0.0  241.859300
38 2020-04-22  266.379320  ...                         0.0  248.899083
39 2020-04-23  273.419103  ...                         0.0  255.938866
40 2020-04-24  280.458887  ...                         0.0  262.978650
41 2020-04-25  287.498670  ...                         0.0  270.018433
42 2020-04-26  294.538454  ...                         0.0  277.058217
43 2020-04-27  301.578237  ...                         0.0  284.098000
44 2020-04-28  308.618021  ...                         0.0  291.137784
45 2020-04-29  315.657804  ...                         0.0  298.177567
46 2020-04-30  322.697588  ...                         0.0  305.217351

[47 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 6.
COUNTRY: Utah
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-10    -5.339506  ...                         0.0   -64.762814
1  2020-03-11    20.627261  ...                         0.0   -50.419755
2  2020-03-12    46.594028  ...                         0.0   -21.410540
3  2020-03-13    72.560796  ...                         0.0     4.601293
4  2020-03-14    98.527563  ...                         0.0   -17.890500
5  2020-03-15   124.494330  ...                         0.0     4.129353
6  2020-03-16   150.461097  ...                         0.0    57.150293
7  2020-03-17   176.427908  ...                         0.0   117.004600
8  2020-03-18   202.394940  ...                         0.0   131.347923
9  2020-03-19   228.361972  ...                         0.0   160.357404
10 2020-03-20   254.329005  ...                         0.0   186.369503
11 2020-03-21   280.296038  ...                         0.0   163.877976
12 2020-03-22   306.263071  ...                         0.0   185.898094
13 2020-03-23   332.230104  ...                         0.0   238.919301
14 2020-03-24   358.197138  ...                         0.0   298.773829
15 2020-03-25   384.164171  ...                         0.0   313.117154
16 2020-03-26   410.131204  ...                         0.0   342.126636
17 2020-03-27   436.098237  ...                         0.0   368.138735
18 2020-03-28   462.065270  ...                         0.0   345.647208
19 2020-03-29   488.032304  ...                         0.0   367.667327
20 2020-03-30   513.999337  ...                         0.0   420.688533
21 2020-03-31   539.966370  ...                         0.0   480.543062
22 2020-04-01   565.933403  ...                         0.0   494.886386
23 2020-04-02   591.900436  ...                         0.0   523.895868
24 2020-04-03   617.867470  ...                         0.0   549.907968
25 2020-04-04   643.834503  ...                         0.0   527.416441
26 2020-04-05   669.801536  ...                         0.0   549.436559
27 2020-04-06   695.768569  ...                         0.0   602.457766
28 2020-04-07   721.735603  ...                         0.0   662.312294
29 2020-04-08   747.702636  ...                         0.0   676.655619
30 2020-04-09   773.669669  ...                         0.0   705.665101
31 2020-04-10   799.636702  ...                         0.0   731.677200
32 2020-04-11   825.603735  ...                         0.0   709.185673
33 2020-04-12   851.570769  ...                         0.0   731.205792
34 2020-04-13   877.537802  ...                         0.0   784.226998
35 2020-04-14   903.504835  ...                         0.0   844.081527
36 2020-04-15   929.471868  ...                         0.0   858.424851
37 2020-04-16   955.438901  ...                         0.0   887.434333
38 2020-04-17   981.405935  ...                         0.0   913.446433
39 2020-04-18  1007.372968  ...                         0.0   890.954906
40 2020-04-19  1033.340001  ...                         0.0   912.975024
41 2020-04-20  1059.307034  ...                         0.0   965.996231
42 2020-04-21  1085.274068  ...                         0.0  1025.850759
43 2020-04-22  1111.241101  ...                         0.0  1040.194084
44 2020-04-23  1137.208134  ...                         0.0  1069.203566
45 2020-04-24  1163.175167  ...                         0.0  1095.215665
46 2020-04-25  1189.142200  ...                         0.0  1072.724138
47 2020-04-26  1215.109234  ...                         0.0  1094.744257
48 2020-04-27  1241.076267  ...                         0.0  1147.765463
49 2020-04-28  1267.043300  ...                         0.0  1207.619992
50 2020-04-29  1293.010333  ...                         0.0  1221.963316
51 2020-04-30  1318.977366  ...                         0.0  1250.972798

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 19.
COUNTRY: Fiji
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-19   0.025039  ...                         0.0   0.470260
1  2020-03-20   0.657840  ...                         0.0   1.103061
2  2020-03-21   1.290641  ...                         0.0   1.735862
3  2020-03-22   1.923442  ...                         0.0   2.368663
4  2020-03-23   2.556243  ...                         0.0   3.001464
5  2020-03-24   3.189045  ...                         0.0   3.634265
6  2020-03-25   3.821846  ...                         0.0   4.267066
7  2020-03-26   4.454647  ...                         0.0   4.899867
8  2020-03-27   5.087448  ...                         0.0   5.532669
9  2020-03-28   5.720249  ...                         0.0   6.165470
10 2020-03-29   6.353050  ...                         0.0   6.798271
11 2020-03-30   6.985851  ...                         0.0   7.431072
12 2020-03-31   7.618652  ...                         0.0   8.063873
13 2020-04-01   8.251453  ...                         0.0   8.696674
14 2020-04-02   8.884254  ...                         0.0   9.329475
15 2020-04-03   9.517055  ...                         0.0   9.962276
16 2020-04-04  10.149856  ...                         0.0  10.595077
17 2020-04-05  10.782658  ...                         0.0  11.227878
18 2020-04-06  11.415459  ...                         0.0  11.860679
19 2020-04-07  12.048260  ...                         0.0  12.493480
20 2020-04-08  12.681061  ...                         0.0  13.126282
21 2020-04-09  13.313862  ...                         0.0  13.759083
22 2020-04-10  13.946663  ...                         0.0  14.391884
23 2020-04-11  14.579464  ...                         0.0  15.024685
24 2020-04-12  15.212265  ...                         0.0  15.657486
25 2020-04-13  15.845066  ...                         0.0  16.290287
26 2020-04-14  16.477867  ...                         0.0  16.923088
27 2020-04-15  17.110668  ...                         0.0  17.555889
28 2020-04-16  17.743469  ...                         0.0  18.188690
29 2020-04-17  18.376271  ...                         0.0  18.821491
30 2020-04-18  19.009072  ...                         0.0  19.454292
31 2020-04-19  19.641873  ...                         0.0  20.087093
32 2020-04-20  20.274674  ...                         0.0  20.719895
33 2020-04-21  20.907475  ...                         0.0  21.352696
34 2020-04-22  21.540276  ...                         0.0  21.985497
35 2020-04-23  22.173077  ...                         0.0  22.618298
36 2020-04-24  22.805878  ...                         0.0  23.251099
37 2020-04-25  23.438679  ...                         0.0  23.883900
38 2020-04-26  24.071480  ...                         0.0  24.516701
39 2020-04-27  24.704281  ...                         0.0  25.149502
40 2020-04-28  25.337082  ...                         0.0  25.782303
41 2020-04-29  25.969884  ...                         0.0  26.415104
42 2020-04-30  26.602685  ...                         0.0  27.047905

[43 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 16.
COUNTRY: Ukraine
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-03   -2.871643  ...                         0.0  -48.969864
1  2020-03-04    4.486276  ...                         0.0  -36.969652
2  2020-03-05   11.844195  ...                         0.0  -23.719689
3  2020-03-06   19.202114  ...                         0.0    8.520948
4  2020-03-07   26.560033  ...                         0.0  -34.460029
5  2020-03-08   33.917952  ...                         0.0  -25.794823
6  2020-03-09   41.276881  ...                         0.0  -24.456614
7  2020-03-10   48.635811  ...                         0.0    2.537589
8  2020-03-11   55.994740  ...                         0.0   14.538812
9  2020-03-12   63.353669  ...                         0.0   27.789785
10 2020-03-13   70.712598  ...                         0.0   60.031432
11 2020-03-14   78.071527  ...                         0.0   17.051465
12 2020-03-15   85.430457  ...                         0.0   25.717681
13 2020-03-16   92.789386  ...                         0.0   27.055890
14 2020-03-17  100.148315  ...                         0.0   54.050094
15 2020-03-18  107.507244  ...                         0.0   66.051317
16 2020-03-19  114.866174  ...                         0.0   79.302289
17 2020-03-20  122.225487  ...                         0.0  111.544321
18 2020-03-21  129.584800  ...                         0.0   68.564738
19 2020-03-22  136.944114  ...                         0.0   77.231338
20 2020-03-23  144.303427  ...                         0.0   78.569931
21 2020-03-24  151.662740  ...                         0.0  105.564519
22 2020-03-25  159.022054  ...                         0.0  117.566126
23 2020-03-26  166.381367  ...                         0.0  130.817483
24 2020-03-27  173.740680  ...                         0.0  163.059514
25 2020-03-28  181.099994  ...                         0.0  120.079931
26 2020-03-29  188.459307  ...                         0.0  128.746531
27 2020-03-30  195.818620  ...                         0.0  130.085124
28 2020-03-31  203.177934  ...                         0.0  157.079712
29 2020-04-01  210.537247  ...                         0.0  169.081319
30 2020-04-02  217.896560  ...                         0.0  182.332676
31 2020-04-03  225.255873  ...                         0.0  214.574707
32 2020-04-04  232.615187  ...                         0.0  171.595124
33 2020-04-05  239.974500  ...                         0.0  180.261725
34 2020-04-06  247.333813  ...                         0.0  181.600318
35 2020-04-07  254.693127  ...                         0.0  208.594906
36 2020-04-08  262.052440  ...                         0.0  220.596512
37 2020-04-09  269.411753  ...                         0.0  233.847869
38 2020-04-10  276.771067  ...                         0.0  266.089901
39 2020-04-11  284.130380  ...                         0.0  223.110318
40 2020-04-12  291.489693  ...                         0.0  231.776918
41 2020-04-13  298.849007  ...                         0.0  233.115511
42 2020-04-14  306.208320  ...                         0.0  260.110099
43 2020-04-15  313.567633  ...                         0.0  272.111706
44 2020-04-16  320.926947  ...                         0.0  285.363063
45 2020-04-17  328.286260  ...                         0.0  317.605094
46 2020-04-18  335.645573  ...                         0.0  274.625511
47 2020-04-19  343.004887  ...                         0.0  283.292111
48 2020-04-20  350.364200  ...                         0.0  284.630704
49 2020-04-21  357.723513  ...                         0.0  311.625292
50 2020-04-22  365.082827  ...                         0.0  323.626899
51 2020-04-23  372.442140  ...                         0.0  336.878256
52 2020-04-24  379.801453  ...                         0.0  369.120287
53 2020-04-25  387.160767  ...                         0.0  326.140704
54 2020-04-26  394.520080  ...                         0.0  334.807305
55 2020-04-27  401.879393  ...                         0.0  336.145898
56 2020-04-28  409.238707  ...                         0.0  363.140486
57 2020-04-29  416.598020  ...                         0.0  375.142092
58 2020-04-30  423.957333  ...                         0.0  388.393449

[59 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 23.
COUNTRY: Bhutan
           ds     trend  ...  multiplicative_terms_upper      yhat
0  2020-03-06  0.032651  ...                         0.0  0.912672
1  2020-03-07  0.112321  ...                         0.0  0.775406
2  2020-03-08  0.191992  ...                         0.0  0.775286
3  2020-03-09  0.271662  ...                         0.0  0.775155
4  2020-03-10  0.351332  ...                         0.0  0.775005
5  2020-03-11  0.431003  ...                         0.0  0.774839
6  2020-03-12  0.510673  ...                         0.0  0.774649
7  2020-03-13  0.590343  ...                         0.0  1.470364
8  2020-03-14  0.670016  ...                         0.0  1.333101
9  2020-03-15  0.749716  ...                         0.0  1.333010
10 2020-03-16  0.829419  ...                         0.0  1.332911
11 2020-03-17  0.909175  ...                         0.0  1.332848
12 2020-03-18  0.988982  ...                         0.0  1.332818
13 2020-03-19  1.068861  ...                         0.0  1.332837
14 2020-03-20  1.148746  ...                         0.0  2.028766
15 2020-03-21  1.228634  ...                         0.0  1.891718
16 2020-03-22  1.308521  ...                         0.0  1.891816
17 2020-03-23  1.388409  ...                         0.0  1.891901
18 2020-03-24  1.468296  ...                         0.0  1.891969
19 2020-03-25  1.548184  ...                         0.0  1.892020
20 2020-03-26  1.628072  ...                         0.0  1.892047
21 2020-03-27  1.707959  ...                         0.0  2.587980
22 2020-03-28  1.787847  ...                         0.0  2.450932
23 2020-03-29  1.867734  ...                         0.0  2.451029
24 2020-03-30  1.947622  ...                         0.0  2.451114
25 2020-03-31  2.027510  ...                         0.0  2.451182
26 2020-04-01  2.107397  ...                         0.0  2.451233
27 2020-04-02  2.187285  ...                         0.0  2.451260
28 2020-04-03  2.267172  ...                         0.0  3.147193
29 2020-04-04  2.347060  ...                         0.0  3.010145
30 2020-04-05  2.426948  ...                         0.0  3.010242
31 2020-04-06  2.506835  ...                         0.0  3.010328
32 2020-04-07  2.586723  ...                         0.0  3.010395
33 2020-04-08  2.666610  ...                         0.0  3.010446
34 2020-04-09  2.746498  ...                         0.0  3.010474
35 2020-04-10  2.826386  ...                         0.0  3.706406
36 2020-04-11  2.906273  ...                         0.0  3.569358
37 2020-04-12  2.986161  ...                         0.0  3.569455
38 2020-04-13  3.066048  ...                         0.0  3.569541
39 2020-04-14  3.145936  ...                         0.0  3.569608
40 2020-04-15  3.225824  ...                         0.0  3.569660
41 2020-04-16  3.305711  ...                         0.0  3.569687
42 2020-04-17  3.385599  ...                         0.0  4.265619
43 2020-04-18  3.465486  ...                         0.0  4.128571
44 2020-04-19  3.545374  ...                         0.0  4.128669
45 2020-04-20  3.625262  ...                         0.0  4.128754
46 2020-04-21  3.705149  ...                         0.0  4.128822
47 2020-04-22  3.785037  ...                         0.0  4.128873
48 2020-04-23  3.864924  ...                         0.0  4.128900
49 2020-04-24  3.944812  ...                         0.0  4.824832
50 2020-04-25  4.024700  ...                         0.0  4.687784
51 2020-04-26  4.104587  ...                         0.0  4.687882
52 2020-04-27  4.184475  ...                         0.0  4.687967
53 2020-04-28  4.264362  ...                         0.0  4.688035
54 2020-04-29  4.344250  ...                         0.0  4.688086
55 2020-04-30  4.424138  ...                         0.0  4.688113

[56 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 20.
COUNTRY: Romania
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-02-26   -13.960802  ...                         0.0  -187.554640
1  2020-02-27    16.806102  ...                         0.0  -158.357590
2  2020-02-28    47.573007  ...                         0.0   -90.561537
3  2020-02-29    78.339912  ...                         0.0  -197.561023
4  2020-03-01   109.106817  ...                         0.0  -177.562974
..        ...          ...  ...                         ...          ...
60 2020-04-26  1832.409709  ...                         0.0  1545.739919
61 2020-04-27  1863.185345  ...                         0.0  1588.246357
62 2020-04-28  1893.960981  ...                         0.0  1651.750974
63 2020-04-29  1924.736617  ...                         0.0  1751.142780
64 2020-04-30  1955.512253  ...                         0.0  1780.348560

[65 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Armenia
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-01   -4.432060  ...                         0.0  -72.189255
1  2020-03-02    7.731619  ...                         0.0  -55.457489
2  2020-03-03   19.895299  ...                         0.0  -45.470253
3  2020-03-04   32.058978  ...                         0.0  -39.982080
4  2020-03-05   44.222657  ...                         0.0  -25.253810
..        ...         ...  ...                         ...         ...
56 2020-04-26  676.929427  ...                         0.0  609.172232
57 2020-04-27  689.097765  ...                         0.0  625.908657
58 2020-04-28  701.266103  ...                         0.0  635.900551
59 2020-04-29  713.434441  ...                         0.0  641.393383
60 2020-04-30  725.602779  ...                         0.0  656.126312

[61 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 15.
COUNTRY: Tibet
           ds  trend  ...  multiplicative_terms_upper  yhat
0  2020-01-30    1.0  ...                         0.0   1.0
1  2020-01-31    1.0  ...                         0.0   1.0
2  2020-02-01    1.0  ...                         0.0   1.0
3  2020-02-02    1.0  ...                         0.0   1.0
4  2020-02-03    1.0  ...                         0.0   1.0
..        ...    ...  ...                         ...   ...
87 2020-04-26    1.0  ...                         0.0   1.0
88 2020-04-27    1.0  ...                         0.0   1.0
89 2020-04-28    1.0  ...                         0.0   1.0
90 2020-04-29    1.0  ...                         0.0   1.0
91 2020-04-30    1.0  ...                         0.0   1.0

[92 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 7.
COUNTRY: Moldova
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-08   -2.121893  ...                         0.0  -30.277016
1  2020-03-09    7.822887  ...                         0.0  -25.274285
2  2020-03-10   17.767667  ...                         0.0  -16.937867
3  2020-03-11   27.712447  ...                         0.0   -8.934479
4  2020-03-12   37.657227  ...                         0.0    6.735505
5  2020-03-13   47.602007  ...                         0.0   20.738818
6  2020-03-14   57.546787  ...                         0.0   11.201574
7  2020-03-15   67.491567  ...                         0.0   39.336443
8  2020-03-16   77.436347  ...                         0.0   44.339175
9  2020-03-17   87.381127  ...                         0.0   52.675593
10 2020-03-18   97.326243  ...                         0.0   60.679318
11 2020-03-19  107.271393  ...                         0.0   76.349671
12 2020-03-20  117.216542  ...                         0.0   90.353354
13 2020-03-21  127.161692  ...                         0.0   80.816479
14 2020-03-22  137.106842  ...                         0.0  108.951719
15 2020-03-23  147.051991  ...                         0.0  113.954819
16 2020-03-24  156.997141  ...                         0.0  122.291608
17 2020-03-25  166.942291  ...                         0.0  130.295366
18 2020-03-26  176.887441  ...                         0.0  145.965719
19 2020-03-27  186.832590  ...                         0.0  159.969402
20 2020-03-28  196.777740  ...                         0.0  150.432528
21 2020-03-29  206.722890  ...                         0.0  178.567767
22 2020-03-30  216.668040  ...                         0.0  183.570868
23 2020-03-31  226.613189  ...                         0.0  191.907656
24 2020-04-01  236.558339  ...                         0.0  199.911414
25 2020-04-02  246.503489  ...                         0.0  215.581767
26 2020-04-03  256.448639  ...                         0.0  229.585450
27 2020-04-04  266.393788  ...                         0.0  220.048576
28 2020-04-05  276.338938  ...                         0.0  248.183815
29 2020-04-06  286.284088  ...                         0.0  253.186916
30 2020-04-07  296.229238  ...                         0.0  261.523704
31 2020-04-08  306.174387  ...                         0.0  269.527462
32 2020-04-09  316.119537  ...                         0.0  285.197815
33 2020-04-10  326.064687  ...                         0.0  299.201498
34 2020-04-11  336.009836  ...                         0.0  289.664624
35 2020-04-12  345.954986  ...                         0.0  317.799863
36 2020-04-13  355.900136  ...                         0.0  322.802964
37 2020-04-14  365.845286  ...                         0.0  331.139752
38 2020-04-15  375.790435  ...                         0.0  339.143510
39 2020-04-16  385.735585  ...                         0.0  354.813863
40 2020-04-17  395.680735  ...                         0.0  368.817546
41 2020-04-18  405.625885  ...                         0.0  359.280672
42 2020-04-19  415.571034  ...                         0.0  387.415911
43 2020-04-20  425.516184  ...                         0.0  392.419012
44 2020-04-21  435.461334  ...                         0.0  400.755800
45 2020-04-22  445.406484  ...                         0.0  408.759558
46 2020-04-23  455.351633  ...                         0.0  424.429912
47 2020-04-24  465.296783  ...                         0.0  438.433595
48 2020-04-25  475.241933  ...                         0.0  428.896720
49 2020-04-26  485.187083  ...                         0.0  457.031960
50 2020-04-27  495.132232  ...                         0.0  462.035060
51 2020-04-28  505.077382  ...                         0.0  470.371849
52 2020-04-29  515.022532  ...                         0.0  478.375607
53 2020-04-30  524.967682  ...                         0.0  494.045960

[54 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 11.
COUNTRY: Djibouti
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-18  -0.101438  ...                         0.0  -1.682478
1  2020-03-19   1.272301  ...                         0.0  -0.308739
2  2020-03-20   2.646040  ...                         0.0   1.065000
3  2020-03-21   4.019779  ...                         0.0   2.438739
4  2020-03-22   5.393518  ...                         0.0   3.812478
5  2020-03-23   6.767257  ...                         0.0   5.186217
6  2020-03-24   8.140996  ...                         0.0   6.559956
7  2020-03-25   9.514735  ...                         0.0   7.933695
8  2020-03-26  10.888474  ...                         0.0   9.307434
9  2020-03-27  12.262213  ...                         0.0  10.681173
10 2020-03-28  13.635952  ...                         0.0  12.054912
11 2020-03-29  15.009691  ...                         0.0  13.428651
12 2020-03-30  16.383430  ...                         0.0  14.802390
13 2020-03-31  17.757169  ...                         0.0  16.176129
14 2020-04-01  19.130908  ...                         0.0  17.549868
15 2020-04-02  20.504647  ...                         0.0  18.923607
16 2020-04-03  21.878386  ...                         0.0  20.297345
17 2020-04-04  23.252125  ...                         0.0  21.671084
18 2020-04-05  24.625864  ...                         0.0  23.044823
19 2020-04-06  25.999602  ...                         0.0  24.418562
20 2020-04-07  27.373341  ...                         0.0  25.792301
21 2020-04-08  28.747080  ...                         0.0  27.166040
22 2020-04-09  30.120819  ...                         0.0  28.539779
23 2020-04-10  31.494558  ...                         0.0  29.913518
24 2020-04-11  32.868297  ...                         0.0  31.287257
25 2020-04-12  34.242036  ...                         0.0  32.660996
26 2020-04-13  35.615775  ...                         0.0  34.034735
27 2020-04-14  36.989514  ...                         0.0  35.408474
28 2020-04-15  38.363253  ...                         0.0  36.782213
29 2020-04-16  39.736992  ...                         0.0  38.155952
30 2020-04-17  41.110731  ...                         0.0  39.529691
31 2020-04-18  42.484470  ...                         0.0  40.903430
32 2020-04-19  43.858209  ...                         0.0  42.277169
33 2020-04-20  45.231948  ...                         0.0  43.650908
34 2020-04-21  46.605687  ...                         0.0  45.024647
35 2020-04-22  47.979426  ...                         0.0  46.398386
36 2020-04-23  49.353165  ...                         0.0  47.772125
37 2020-04-24  50.726904  ...                         0.0  49.145863
38 2020-04-25  52.100643  ...                         0.0  50.519602
39 2020-04-26  53.474382  ...                         0.0  51.893341
40 2020-04-27  54.848120  ...                         0.0  53.267080
41 2020-04-28  56.221859  ...                         0.0  54.640819
42 2020-04-29  57.595598  ...                         0.0  56.014558
43 2020-04-30  58.969337  ...                         0.0  57.388297

[44 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 11.
COUNTRY: Australian Capital Territory
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-13   -0.712733  ...                         0.0   -6.979618
1  2020-03-14    3.569890  ...                         0.0   -9.987295
2  2020-03-15    7.852513  ...                         0.0   -4.988061
3  2020-03-16   12.135137  ...                         0.0    2.010990
4  2020-03-17   16.417760  ...                         0.0    5.510367
5  2020-03-18   20.700383  ...                         0.0    6.010026
6  2020-03-19   24.983006  ...                         0.0   13.509034
7  2020-03-20   29.265629  ...                         0.0   22.998744
8  2020-03-21   33.548253  ...                         0.0   19.991067
9  2020-03-22   37.830876  ...                         0.0   24.990302
10 2020-03-23   42.113499  ...                         0.0   31.989352
11 2020-03-24   46.396122  ...                         0.0   35.488730
12 2020-03-25   50.678746  ...                         0.0   35.988388
13 2020-03-26   54.961369  ...                         0.0   43.487397
14 2020-03-27   59.243992  ...                         0.0   52.977107
15 2020-03-28   63.526615  ...                         0.0   49.969430
16 2020-03-29   67.809239  ...                         0.0   54.968664
17 2020-03-30   72.091862  ...                         0.0   61.967715
18 2020-03-31   76.374485  ...                         0.0   65.467093
19 2020-04-01   80.657108  ...                         0.0   65.966751
20 2020-04-02   84.939732  ...                         0.0   73.465760
21 2020-04-03   89.222355  ...                         0.0   82.955470
22 2020-04-04   93.504978  ...                         0.0   79.947793
23 2020-04-05   97.787601  ...                         0.0   84.947027
24 2020-04-06  102.070225  ...                         0.0   91.946078
25 2020-04-07  106.352848  ...                         0.0   95.445455
26 2020-04-08  110.635471  ...                         0.0   95.945114
27 2020-04-09  114.918094  ...                         0.0  103.444122
28 2020-04-10  119.200718  ...                         0.0  112.933832
29 2020-04-11  123.483341  ...                         0.0  109.926155
30 2020-04-12  127.765964  ...                         0.0  114.925390
31 2020-04-13  132.048587  ...                         0.0  121.924440
32 2020-04-14  136.331211  ...                         0.0  125.423818
33 2020-04-15  140.613834  ...                         0.0  125.923477
34 2020-04-16  144.896457  ...                         0.0  133.422485
35 2020-04-17  149.179080  ...                         0.0  142.912195
36 2020-04-18  153.461704  ...                         0.0  139.904518
37 2020-04-19  157.744327  ...                         0.0  144.903753
38 2020-04-20  162.026950  ...                         0.0  151.902803
39 2020-04-21  166.309573  ...                         0.0  155.402181
40 2020-04-22  170.592197  ...                         0.0  155.901839
41 2020-04-23  174.874820  ...                         0.0  163.400848
42 2020-04-24  179.157443  ...                         0.0  172.890558
43 2020-04-25  183.440066  ...                         0.0  169.882881
44 2020-04-26  187.722690  ...                         0.0  174.882115
45 2020-04-27  192.005313  ...                         0.0  181.881166
46 2020-04-28  196.287936  ...                         0.0  185.380544
47 2020-04-29  200.570559  ...                         0.0  185.880202
48 2020-04-30  204.853183  ...                         0.0  193.379211

[49 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 10.
COUNTRY: Antigua and Barbuda
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-13  -0.029322  ...                         0.0   0.601635
1  2020-03-14   0.314043  ...                         0.0  -0.193735
2  2020-03-15   0.657408  ...                         0.0  -0.191819
3  2020-03-16   1.000773  ...                         0.0   0.806358
4  2020-03-17   1.344137  ...                         0.0   0.808280
5  2020-03-18   1.687502  ...                         0.0   0.810181
6  2020-03-19   2.030867  ...                         0.0   2.804731
7  2020-03-20   2.374232  ...                         0.0   3.005189
8  2020-03-21   2.717597  ...                         0.0   2.209820
9  2020-03-22   3.060962  ...                         0.0   2.211736
10 2020-03-23   3.404327  ...                         0.0   3.209913
11 2020-03-24   3.747692  ...                         0.0   3.211835
12 2020-03-25   4.091057  ...                         0.0   3.213736
13 2020-03-26   4.434422  ...                         0.0   5.208286
14 2020-03-27   4.777787  ...                         0.0   5.408744
15 2020-03-28   5.121152  ...                         0.0   4.613374
16 2020-03-29   5.464517  ...                         0.0   4.615290
17 2020-03-30   5.807881  ...                         0.0   5.613467
18 2020-03-31   6.151246  ...                         0.0   5.615389
19 2020-04-01   6.494611  ...                         0.0   5.617290
20 2020-04-02   6.837976  ...                         0.0   7.611840
21 2020-04-03   7.181341  ...                         0.0   7.812298
22 2020-04-04   7.524706  ...                         0.0   7.016929
23 2020-04-05   7.868071  ...                         0.0   7.018845
24 2020-04-06   8.211436  ...                         0.0   8.017022
25 2020-04-07   8.554801  ...                         0.0   8.018944
26 2020-04-08   8.898166  ...                         0.0   8.020845
27 2020-04-09   9.241531  ...                         0.0  10.015395
28 2020-04-10   9.584896  ...                         0.0  10.215853
29 2020-04-11   9.928261  ...                         0.0   9.420483
30 2020-04-12  10.271626  ...                         0.0   9.422399
31 2020-04-13  10.614991  ...                         0.0  10.420576
32 2020-04-14  10.958355  ...                         0.0  10.422498
33 2020-04-15  11.301720  ...                         0.0  10.424399
34 2020-04-16  11.645085  ...                         0.0  12.418949
35 2020-04-17  11.988450  ...                         0.0  12.619407
36 2020-04-18  12.331815  ...                         0.0  11.824038
37 2020-04-19  12.675180  ...                         0.0  11.825954
38 2020-04-20  13.018545  ...                         0.0  12.824131
39 2020-04-21  13.361910  ...                         0.0  12.826053
40 2020-04-22  13.705275  ...                         0.0  12.827954
41 2020-04-23  14.048640  ...                         0.0  14.822504
42 2020-04-24  14.392005  ...                         0.0  15.022962
43 2020-04-25  14.735370  ...                         0.0  14.227592
44 2020-04-26  15.078735  ...                         0.0  14.229508
45 2020-04-27  15.422100  ...                         0.0  15.227685
46 2020-04-28  15.765464  ...                         0.0  15.229608
47 2020-04-29  16.108829  ...                         0.0  15.231508
48 2020-04-30  16.452194  ...                         0.0  17.226058

[49 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 10.
COUNTRY: Alaska
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-13   -0.756113  ...                         0.0   -6.878946
1  2020-03-15    7.973415  ...                         0.0   -4.772718
2  2020-03-16   12.338179  ...                         0.0    0.227757
3  2020-03-17   16.702943  ...                         0.0    3.226628
4  2020-03-18   21.067708  ...                         0.0    8.227103
5  2020-03-19   25.432472  ...                         0.0   17.230787
6  2020-03-20   29.797236  ...                         0.0   23.674403
7  2020-03-21   34.162000  ...                         0.0   14.995913
8  2020-03-22   38.526764  ...                         0.0   25.780631
9  2020-03-23   42.891529  ...                         0.0   30.781106
10 2020-03-24   47.256293  ...                         0.0   33.779977
11 2020-03-25   51.621057  ...                         0.0   38.780452
12 2020-03-26   55.985821  ...                         0.0   47.784136
13 2020-03-27   60.350585  ...                         0.0   54.227753
14 2020-03-28   64.715350  ...                         0.0   45.549263
15 2020-03-29   69.080114  ...                         0.0   56.333981
16 2020-03-30   73.444878  ...                         0.0   61.334456
17 2020-03-31   77.809642  ...                         0.0   64.333326
18 2020-04-01   82.174406  ...                         0.0   69.333802
19 2020-04-02   86.539171  ...                         0.0   78.337486
20 2020-04-03   90.903935  ...                         0.0   84.781102
21 2020-04-04   95.268699  ...                         0.0   76.102612
22 2020-04-05   99.633463  ...                         0.0   86.887330
23 2020-04-06  103.998227  ...                         0.0   91.887805
24 2020-04-07  108.362991  ...                         0.0   94.886676
25 2020-04-08  112.727756  ...                         0.0   99.887151
26 2020-04-09  117.092520  ...                         0.0  108.890835
27 2020-04-10  121.457284  ...                         0.0  115.334451
28 2020-04-11  125.822048  ...                         0.0  106.655961
29 2020-04-12  130.186812  ...                         0.0  117.440679
30 2020-04-13  134.551577  ...                         0.0  122.441155
31 2020-04-14  138.916341  ...                         0.0  125.440025
32 2020-04-15  143.281105  ...                         0.0  130.440500
33 2020-04-16  147.645869  ...                         0.0  139.444184
34 2020-04-17  152.010633  ...                         0.0  145.887801
35 2020-04-18  156.375398  ...                         0.0  137.209311
36 2020-04-19  160.740162  ...                         0.0  147.994029
37 2020-04-20  165.104926  ...                         0.0  152.994504
38 2020-04-21  169.469690  ...                         0.0  155.993374
39 2020-04-22  173.834454  ...                         0.0  160.993850
40 2020-04-23  178.199219  ...                         0.0  169.997534
41 2020-04-24  182.563983  ...                         0.0  176.441150
42 2020-04-25  186.928747  ...                         0.0  167.762660
43 2020-04-26  191.293511  ...                         0.0  178.547378
44 2020-04-27  195.658275  ...                         0.0  183.547853
45 2020-04-28  200.023040  ...                         0.0  186.546724
46 2020-04-29  204.387804  ...                         0.0  191.547199
47 2020-04-30  208.752568  ...                         0.0  200.550883

[48 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Namibia
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-14  -0.010500  ...                         0.0   0.651700
1  2020-03-15   0.503808  ...                         0.0   1.166007
2  2020-03-16   1.018115  ...                         0.0   1.680315
3  2020-03-17   1.532422  ...                         0.0   2.194622
4  2020-03-18   2.046730  ...                         0.0   2.708929
5  2020-03-19   2.561037  ...                         0.0   3.223237
6  2020-03-20   3.075345  ...                         0.0   3.737544
7  2020-03-21   3.589652  ...                         0.0   4.251852
8  2020-03-22   4.103962  ...                         0.0   4.766161
9  2020-03-23   4.618271  ...                         0.0   5.280471
10 2020-03-24   5.132581  ...                         0.0   5.794780
11 2020-03-25   5.646890  ...                         0.0   6.309090
12 2020-03-26   6.161200  ...                         0.0   6.823400
13 2020-03-27   6.675510  ...                         0.0   7.337709
14 2020-03-28   7.189819  ...                         0.0   7.852019
15 2020-03-29   7.704129  ...                         0.0   8.366328
16 2020-03-30   8.218438  ...                         0.0   8.880638
17 2020-03-31   8.732748  ...                         0.0   9.394947
18 2020-04-01   9.247057  ...                         0.0   9.909257
19 2020-04-02   9.761367  ...                         0.0  10.423567
20 2020-04-03  10.275677  ...                         0.0  10.937876
21 2020-04-04  10.789986  ...                         0.0  11.452186
22 2020-04-05  11.304296  ...                         0.0  11.966495
23 2020-04-06  11.818605  ...                         0.0  12.480805
24 2020-04-07  12.332915  ...                         0.0  12.995115
25 2020-04-08  12.847224  ...                         0.0  13.509424
26 2020-04-09  13.361534  ...                         0.0  14.023734
27 2020-04-10  13.875844  ...                         0.0  14.538043
28 2020-04-11  14.390153  ...                         0.0  15.052353
29 2020-04-12  14.904463  ...                         0.0  15.566662
30 2020-04-13  15.418772  ...                         0.0  16.080972
31 2020-04-14  15.933082  ...                         0.0  16.595282
32 2020-04-15  16.447392  ...                         0.0  17.109591
33 2020-04-16  16.961701  ...                         0.0  17.623901
34 2020-04-17  17.476011  ...                         0.0  18.138210
35 2020-04-18  17.990320  ...                         0.0  18.652520
36 2020-04-19  18.504630  ...                         0.0  19.166829
37 2020-04-20  19.018939  ...                         0.0  19.681139
38 2020-04-21  19.533249  ...                         0.0  20.195449
39 2020-04-22  20.047559  ...                         0.0  20.709758
40 2020-04-23  20.561868  ...                         0.0  21.224068
41 2020-04-24  21.076178  ...                         0.0  21.738377
42 2020-04-25  21.590487  ...                         0.0  22.252687
43 2020-04-26  22.104797  ...                         0.0  22.766996
44 2020-04-27  22.619106  ...                         0.0  23.281306
45 2020-04-28  23.133416  ...                         0.0  23.795616
46 2020-04-29  23.647726  ...                         0.0  24.309925
47 2020-04-30  24.162035  ...                         0.0  24.824235

[48 rows x 16 columns]
INFO:fbprophet:n_changepoints greater than number of observations. Using 24.
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 18.
COUNTRY: Austria
           ds         trend  ...  multiplicative_terms_upper          yhat
0  2020-02-25    -91.567575  ...                         0.0  -1373.952541
1  2020-02-26    103.877576  ...                         0.0  -1236.082383
2  2020-02-27    299.322727  ...                         0.0   -885.015184
3  2020-02-28    494.767878  ...                         0.0   -617.594622
4  2020-02-29    690.213029  ...                         0.0  -1164.450773
..        ...           ...  ...                         ...           ...
61 2020-04-26  11840.376679  ...                         0.0  10040.622881
62 2020-04-27  12036.043176  ...                         0.0  10310.692775
63 2020-04-28  12231.709673  ...                         0.0  10949.324707
64 2020-04-29  12427.376170  ...                         0.0  11087.416211
65 2020-04-30  12623.042667  ...                         0.0  11438.704756

[66 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 11.
COUNTRY: Gibraltar
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-04  -0.480984  ...                         0.0  -6.191904
1  2020-03-05   0.965565  ...                         0.0  -3.441906
2  2020-03-06   2.412113  ...                         0.0   1.558197
3  2020-03-07   3.858661  ...                         0.0  -6.129020
4  2020-03-08   5.305210  ...                         0.0  -4.462374
5  2020-03-09   6.751758  ...                         0.0  -4.462425
6  2020-03-10   8.198306  ...                         0.0  -3.795809
7  2020-03-11   9.644854  ...                         0.0   3.933934
8  2020-03-12  11.091403  ...                         0.0   6.683932
9  2020-03-13  12.537951  ...                         0.0  11.684035
10 2020-03-14  13.984499  ...                         0.0   3.996818
11 2020-03-15  15.431048  ...                         0.0   5.663464
12 2020-03-16  16.877597  ...                         0.0   5.663413
13 2020-03-17  18.324179  ...                         0.0   6.330064
14 2020-03-18  19.770763  ...                         0.0  14.059842
15 2020-03-19  21.217346  ...                         0.0  16.809876
16 2020-03-20  22.663930  ...                         0.0  21.810013
17 2020-03-21  24.110513  ...                         0.0  14.122832
18 2020-03-22  25.557097  ...                         0.0  15.789513
19 2020-03-23  27.003681  ...                         0.0  15.789497
20 2020-03-24  28.450264  ...                         0.0  16.456149
21 2020-03-25  29.896848  ...                         0.0  24.185927
22 2020-03-26  31.343431  ...                         0.0  26.935961
23 2020-03-27  32.790015  ...                         0.0  31.936099
24 2020-03-28  34.236599  ...                         0.0  24.248917
25 2020-03-29  35.683182  ...                         0.0  25.915598
26 2020-03-30  37.129766  ...                         0.0  25.915583
27 2020-03-31  38.576349  ...                         0.0  26.582234
28 2020-04-01  40.022933  ...                         0.0  34.312012
29 2020-04-02  41.469517  ...                         0.0  37.062046
30 2020-04-03  42.916100  ...                         0.0  42.062184
31 2020-04-04  44.362684  ...                         0.0  34.375002
32 2020-04-05  45.809267  ...                         0.0  36.041684
33 2020-04-06  47.255851  ...                         0.0  36.041668
34 2020-04-07  48.702435  ...                         0.0  36.708319
35 2020-04-08  50.149018  ...                         0.0  44.438098
36 2020-04-09  51.595602  ...                         0.0  47.188131
37 2020-04-10  53.042186  ...                         0.0  52.188269
38 2020-04-11  54.488769  ...                         0.0  44.501088
39 2020-04-12  55.935353  ...                         0.0  46.167769
40 2020-04-13  57.381936  ...                         0.0  46.167753
41 2020-04-14  58.828520  ...                         0.0  46.834405
42 2020-04-15  60.275104  ...                         0.0  54.564183
43 2020-04-16  61.721687  ...                         0.0  57.314217
44 2020-04-17  63.168271  ...                         0.0  62.314354
45 2020-04-18  64.614854  ...                         0.0  54.627173
46 2020-04-19  66.061438  ...                         0.0  56.293854
47 2020-04-20  67.508022  ...                         0.0  56.293838
48 2020-04-21  68.954605  ...                         0.0  56.960490
49 2020-04-22  70.401189  ...                         0.0  64.690268
50 2020-04-23  71.847772  ...                         0.0  67.440302
51 2020-04-24  73.294356  ...                         0.0  72.440440
52 2020-04-25  74.740940  ...                         0.0  64.753258
53 2020-04-26  76.187523  ...                         0.0  66.419940
54 2020-04-27  77.634107  ...                         0.0  66.419924
55 2020-04-28  79.080690  ...                         0.0  67.086575
56 2020-04-29  80.527274  ...                         0.0  74.816353
57 2020-04-30  81.973858  ...                         0.0  77.566387

[58 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 11.
COUNTRY: Ethiopia
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-13   0.025510  ...                         0.0   1.363960
1  2020-03-14   1.069525  ...                         0.0   1.347298
2  2020-03-15   2.113540  ...                         0.0   2.348319
3  2020-03-16   3.157555  ...                         0.0   4.349325
4  2020-03-17   4.201570  ...                         0.0   4.850358
5  2020-03-18   5.245585  ...                         0.0   5.351439
6  2020-03-19   6.289319  ...                         0.0   5.352389
7  2020-03-20   7.332390  ...                         0.0   8.670839
8  2020-03-21   8.374823  ...                         0.0   8.652595
9  2020-03-22   9.416853  ...                         0.0   9.651632
10 2020-03-23  10.458875  ...                         0.0  11.650645
11 2020-03-24  11.500898  ...                         0.0  12.149686
12 2020-03-25  12.542921  ...                         0.0  12.648775
13 2020-03-26  13.584943  ...                         0.0  12.648013
14 2020-03-27  14.626966  ...                         0.0  15.965416
15 2020-03-28  15.668989  ...                         0.0  15.946761
16 2020-03-29  16.711011  ...                         0.0  16.945790
17 2020-03-30  17.753034  ...                         0.0  18.944804
18 2020-03-31  18.795057  ...                         0.0  19.443844
19 2020-04-01  19.837079  ...                         0.0  19.942934
20 2020-04-02  20.879102  ...                         0.0  19.942172
21 2020-04-03  21.921125  ...                         0.0  23.259575
22 2020-04-04  22.963147  ...                         0.0  23.240920
23 2020-04-05  24.005170  ...                         0.0  24.239949
24 2020-04-06  25.047193  ...                         0.0  26.238962
25 2020-04-07  26.089215  ...                         0.0  26.738003
26 2020-04-08  27.131238  ...                         0.0  27.237092
27 2020-04-09  28.173261  ...                         0.0  27.236331
28 2020-04-10  29.215283  ...                         0.0  30.553733
29 2020-04-11  30.257306  ...                         0.0  30.535078
30 2020-04-12  31.299329  ...                         0.0  31.534108
31 2020-04-13  32.341351  ...                         0.0  33.533121
32 2020-04-14  33.383374  ...                         0.0  34.032161
33 2020-04-15  34.425397  ...                         0.0  34.531251
34 2020-04-16  35.467419  ...                         0.0  34.530489
35 2020-04-17  36.509442  ...                         0.0  37.847892
36 2020-04-18  37.551465  ...                         0.0  37.829237
37 2020-04-19  38.593487  ...                         0.0  38.828266
38 2020-04-20  39.635510  ...                         0.0  40.827280
39 2020-04-21  40.677533  ...                         0.0  41.326320
40 2020-04-22  41.719555  ...                         0.0  41.825409
41 2020-04-23  42.761578  ...                         0.0  41.824648
42 2020-04-24  43.803601  ...                         0.0  45.142050
43 2020-04-25  44.845623  ...                         0.0  45.123395
44 2020-04-26  45.887646  ...                         0.0  46.122425
45 2020-04-27  46.929669  ...                         0.0  48.121438
46 2020-04-28  47.971691  ...                         0.0  48.620479
47 2020-04-29  49.013714  ...                         0.0  49.119568
48 2020-04-30  50.055737  ...                         0.0  49.118806

[49 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Guadeloupe
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-13   -0.267707  ...                         0.0   -4.030389
1  2020-03-14    5.974985  ...                         0.0    5.149531
2  2020-03-15   12.217677  ...                         0.0    8.649819
3  2020-03-16   18.460369  ...                         0.0   12.150117
4  2020-03-17   24.703061  ...                         0.0   18.150627
5  2020-03-18   30.945753  ...                         0.0   28.152110
6  2020-03-19   37.188445  ...                         0.0   31.152996
7  2020-03-20   43.431137  ...                         0.0   39.668454
8  2020-03-21   49.673828  ...                         0.0   48.848374
9  2020-03-22   55.916519  ...                         0.0   52.348661
10 2020-03-23   62.159183  ...                         0.0   55.848931
11 2020-03-24   68.401839  ...                         0.0   61.849405
12 2020-03-25   74.644496  ...                         0.0   71.850853
13 2020-03-26   80.887153  ...                         0.0   74.851704
14 2020-03-27   87.129810  ...                         0.0   83.367127
15 2020-03-28   93.372466  ...                         0.0   92.547012
16 2020-03-29   99.615123  ...                         0.0   96.047265
17 2020-03-30  105.857780  ...                         0.0   99.547528
18 2020-03-31  112.100436  ...                         0.0  105.548002
19 2020-04-01  118.343093  ...                         0.0  115.549450
20 2020-04-02  124.585750  ...                         0.0  118.550301
21 2020-04-03  130.828407  ...                         0.0  127.065724
22 2020-04-04  137.071063  ...                         0.0  136.245609
23 2020-04-05  143.313720  ...                         0.0  139.745862
24 2020-04-06  149.556377  ...                         0.0  143.246125
25 2020-04-07  155.799033  ...                         0.0  149.246599
26 2020-04-08  162.041690  ...                         0.0  159.248047
27 2020-04-09  168.284347  ...                         0.0  162.248898
28 2020-04-10  174.527003  ...                         0.0  170.764321
29 2020-04-11  180.769660  ...                         0.0  179.944206
30 2020-04-12  187.012317  ...                         0.0  183.444459
31 2020-04-13  193.254974  ...                         0.0  186.944722
32 2020-04-14  199.497630  ...                         0.0  192.945196
33 2020-04-15  205.740287  ...                         0.0  202.946644
34 2020-04-16  211.982944  ...                         0.0  205.947495
35 2020-04-17  218.225600  ...                         0.0  214.462918
36 2020-04-18  224.468257  ...                         0.0  223.642803
37 2020-04-19  230.710914  ...                         0.0  227.143056
38 2020-04-20  236.953571  ...                         0.0  230.643319
39 2020-04-21  243.196227  ...                         0.0  236.643793
40 2020-04-22  249.438884  ...                         0.0  246.645241
41 2020-04-23  255.681541  ...                         0.0  249.646092
42 2020-04-24  261.924197  ...                         0.0  258.161515
43 2020-04-25  268.166854  ...                         0.0  267.341400
44 2020-04-26  274.409511  ...                         0.0  270.841653
45 2020-04-27  280.652167  ...                         0.0  274.341916
46 2020-04-28  286.894824  ...                         0.0  280.342390
47 2020-04-29  293.137481  ...                         0.0  290.343838
48 2020-04-30  299.380138  ...                         0.0  293.344689

[49 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 23.
COUNTRY: Ohio
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-10   -12.664750  ...                         0.0  -179.033373
1  2020-03-11    43.261779  ...                         0.0  -126.674293
2  2020-03-12    99.188307  ...                         0.0   -60.640815
3  2020-03-13   155.114835  ...                         0.0    49.766185
4  2020-03-14   211.041364  ...                         0.0   -58.689703
5  2020-03-15   266.967892  ...                         0.0     0.860852
6  2020-03-16   322.894420  ...                         0.0    50.903248
7  2020-03-17   378.820949  ...                         0.0   212.452326
8  2020-03-18   434.747477  ...                         0.0   264.811406
9  2020-03-19   490.677516  ...                         0.0   330.848394
10 2020-03-20   546.607556  ...                         0.0   441.258905
11 2020-03-21   602.537596  ...                         0.0   332.806529
12 2020-03-22   658.467635  ...                         0.0   392.360595
13 2020-03-23   714.397675  ...                         0.0   442.406503
14 2020-03-24   770.327715  ...                         0.0   603.959092
15 2020-03-25   826.257755  ...                         0.0   656.321683
16 2020-03-26   882.187795  ...                         0.0   722.358672
17 2020-03-27   938.117834  ...                         0.0   832.769184
18 2020-03-28   994.047874  ...                         0.0   724.316808
19 2020-03-29  1049.977914  ...                         0.0   783.870874
20 2020-03-30  1105.907954  ...                         0.0   833.916782
21 2020-03-31  1161.837994  ...                         0.0   995.469371
22 2020-04-01  1217.768033  ...                         0.0  1047.831962
23 2020-04-02  1273.698073  ...                         0.0  1113.868951
24 2020-04-03  1329.628113  ...                         0.0  1224.279462
25 2020-04-04  1385.558153  ...                         0.0  1115.827086
26 2020-04-05  1441.488192  ...                         0.0  1175.381152
27 2020-04-06  1497.418232  ...                         0.0  1225.427060
28 2020-04-07  1553.348272  ...                         0.0  1386.979649
29 2020-04-08  1609.278312  ...                         0.0  1439.342240
30 2020-04-09  1665.208352  ...                         0.0  1505.379229
31 2020-04-10  1721.138391  ...                         0.0  1615.789741
32 2020-04-11  1777.068431  ...                         0.0  1507.337365
33 2020-04-12  1832.998471  ...                         0.0  1566.891431
34 2020-04-13  1888.928511  ...                         0.0  1616.937339
35 2020-04-14  1944.858551  ...                         0.0  1778.489928
36 2020-04-15  2000.788590  ...                         0.0  1830.852519
37 2020-04-16  2056.718630  ...                         0.0  1896.889508
38 2020-04-17  2112.648670  ...                         0.0  2007.300019
39 2020-04-18  2168.578710  ...                         0.0  1898.847643
40 2020-04-19  2224.508750  ...                         0.0  1958.401709
41 2020-04-20  2280.438789  ...                         0.0  2008.447617
42 2020-04-21  2336.368829  ...                         0.0  2170.000206
43 2020-04-22  2392.298869  ...                         0.0  2222.362798
44 2020-04-23  2448.228909  ...                         0.0  2288.399787
45 2020-04-24  2504.158948  ...                         0.0  2398.810298
46 2020-04-25  2560.088988  ...                         0.0  2290.357922
47 2020-04-26  2616.019028  ...                         0.0  2349.911988
48 2020-04-27  2671.949068  ...                         0.0  2399.957896
49 2020-04-28  2727.879108  ...                         0.0  2561.510485
50 2020-04-29  2783.809147  ...                         0.0  2613.873076
51 2020-04-30  2839.739187  ...                         0.0  2679.910065

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Netherlands
           ds         trend  ...  multiplicative_terms_upper          yhat
0  2020-02-27    -98.924712  ...                         0.0  -1317.878728
1  2020-02-28    144.866171  ...                         0.0   -907.277867
2  2020-02-29    388.657057  ...                         0.0  -1364.007081
3  2020-03-01    632.447946  ...                         0.0  -1156.504804
4  2020-03-02    876.238839  ...                         0.0   -934.752821
..        ...           ...  ...                         ...           ...
59 2020-04-26  14289.923150  ...                         0.0  12500.970400
60 2020-04-27  14533.829498  ...                         0.0  12722.837838
61 2020-04-28  14777.735846  ...                         0.0  13015.488992
62 2020-04-29  15021.642194  ...                         0.0  13348.882404
63 2020-04-30  15265.548542  ...                         0.0  14046.594526

[64 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Anhui
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-01-22    18.878564  ...                         0.0   301.801152
1  2020-01-23    33.160442  ...                         0.0   315.760118
2  2020-01-24    47.442320  ...                         0.0   330.121105
3  2020-01-25    61.724199  ...                         0.0   375.192015
4  2020-01-26    76.006077  ...                         0.0   388.805547
..        ...          ...  ...                         ...          ...
95 2020-04-26  1367.992893  ...                         0.0  1680.792363
96 2020-04-27  1382.157730  ...                         0.0  1696.291165
97 2020-04-28  1396.322567  ...                         0.0  1712.568897
98 2020-04-29  1410.487403  ...                         0.0  1693.409992
99 2020-04-30  1424.652240  ...                         0.0  1707.251915

[100 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 11.
COUNTRY: Queensland
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-01-29   -5.028754  ...                         0.0  -73.879027
1  2020-01-30   -0.066259  ...                         0.0  -62.222374
2  2020-01-31    4.896236  ...                         0.0  -49.232715
3  2020-02-01    9.858731  ...                         0.0  -83.333250
4  2020-02-02   14.821226  ...                         0.0  -76.593244
..        ...         ...  ...                         ...         ...
88 2020-04-26  433.177429  ...                         0.0  341.762960
89 2020-04-27  438.167077  ...                         0.0  350.154690
90 2020-04-28  443.156725  ...                         0.0  361.921136
91 2020-04-29  448.146374  ...                         0.0  379.296101
92 2020-04-30  453.136022  ...                         0.0  390.979907

[93 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 10.
COUNTRY: Alabama
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-13    -5.555595  ...                         0.0   -32.645335
1  2020-03-14    31.250599  ...                         0.0   -60.287176
2  2020-03-15    68.056793  ...                         0.0   -44.288371
3  2020-03-16   104.862987  ...                         0.0   -16.292180
4  2020-03-17   141.669181  ...                         0.0    11.704029
5  2020-03-18   178.475375  ...                         0.0    84.690375
6  2020-03-19   215.281569  ...                         0.0   168.674318
7  2020-03-20   252.087763  ...                         0.0   224.998022
8  2020-03-21   288.894085  ...                         0.0   197.356310
9  2020-03-22   325.700407  ...                         0.0   213.355243
10 2020-03-23   362.506730  ...                         0.0   241.351563
11 2020-03-24   399.313052  ...                         0.0   269.347901
12 2020-03-25   436.119374  ...                         0.0   342.334375
13 2020-03-26   472.925697  ...                         0.0   426.318446
14 2020-03-27   509.732019  ...                         0.0   482.642279
15 2020-03-28   546.538342  ...                         0.0   455.000567
16 2020-03-29   583.344664  ...                         0.0   470.999500
17 2020-03-30   620.150987  ...                         0.0   498.995820
18 2020-03-31   656.957309  ...                         0.0   526.992157
19 2020-04-01   693.763631  ...                         0.0   599.978632
20 2020-04-02   730.569954  ...                         0.0   683.962703
21 2020-04-03   767.376276  ...                         0.0   740.286536
22 2020-04-04   804.182599  ...                         0.0   712.644823
23 2020-04-05   840.988921  ...                         0.0   728.643757
24 2020-04-06   877.795243  ...                         0.0   756.640076
25 2020-04-07   914.601566  ...                         0.0   784.636414
26 2020-04-08   951.407888  ...                         0.0   857.622889
27 2020-04-09   988.214211  ...                         0.0   941.606960
28 2020-04-10  1025.020533  ...                         0.0   997.930793
29 2020-04-11  1061.826855  ...                         0.0   970.289080
30 2020-04-12  1098.633178  ...                         0.0   986.288014
31 2020-04-13  1135.439500  ...                         0.0  1014.284333
32 2020-04-14  1172.245823  ...                         0.0  1042.280671
33 2020-04-15  1209.052145  ...                         0.0  1115.267145
34 2020-04-16  1245.858467  ...                         0.0  1199.251217
35 2020-04-17  1282.664790  ...                         0.0  1255.575050
36 2020-04-18  1319.471112  ...                         0.0  1227.933337
37 2020-04-19  1356.277435  ...                         0.0  1243.932270
38 2020-04-20  1393.083757  ...                         0.0  1271.928590
39 2020-04-21  1429.890079  ...                         0.0  1299.924928
40 2020-04-22  1466.696402  ...                         0.0  1372.911402
41 2020-04-23  1503.502724  ...                         0.0  1456.895473
42 2020-04-24  1540.309047  ...                         0.0  1513.219306
43 2020-04-25  1577.115369  ...                         0.0  1485.577594
44 2020-04-26  1613.921691  ...                         0.0  1501.576527
45 2020-04-27  1650.728014  ...                         0.0  1529.572847
46 2020-04-28  1687.534336  ...                         0.0  1557.569185
47 2020-04-29  1724.340659  ...                         0.0  1630.555659
48 2020-04-30  1761.146981  ...                         0.0  1714.539730

[49 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Guatemala
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-14   -0.056918  ...                         0.0   -0.970939
1  2020-03-15    2.191383  ...                         0.0    1.277362
2  2020-03-16    4.439684  ...                         0.0    3.525663
3  2020-03-17    6.687985  ...                         0.0    5.773964
4  2020-03-18    8.936286  ...                         0.0    8.022265
5  2020-03-19   11.184587  ...                         0.0   10.270566
6  2020-03-20   13.432888  ...                         0.0   12.518867
7  2020-03-21   15.681189  ...                         0.0   14.767167
8  2020-03-22   17.929490  ...                         0.0   17.015468
9  2020-03-23   20.177790  ...                         0.0   19.263769
10 2020-03-24   22.426091  ...                         0.0   21.512070
11 2020-03-25   24.674392  ...                         0.0   23.760371
12 2020-03-26   26.922693  ...                         0.0   26.008672
13 2020-03-27   29.170994  ...                         0.0   28.256973
14 2020-03-28   31.419295  ...                         0.0   30.505274
15 2020-03-29   33.667596  ...                         0.0   32.753574
16 2020-03-30   35.915897  ...                         0.0   35.001875
17 2020-03-31   38.164197  ...                         0.0   37.250176
18 2020-04-01   40.412498  ...                         0.0   39.498477
19 2020-04-02   42.660799  ...                         0.0   41.746778
20 2020-04-03   44.909100  ...                         0.0   43.995079
21 2020-04-04   47.157401  ...                         0.0   46.243380
22 2020-04-05   49.405702  ...                         0.0   48.491681
23 2020-04-06   51.654003  ...                         0.0   50.739981
24 2020-04-07   53.902304  ...                         0.0   52.988282
25 2020-04-08   56.150604  ...                         0.0   55.236583
26 2020-04-09   58.398905  ...                         0.0   57.484884
27 2020-04-10   60.647206  ...                         0.0   59.733185
28 2020-04-11   62.895507  ...                         0.0   61.981486
29 2020-04-12   65.143808  ...                         0.0   64.229787
30 2020-04-13   67.392109  ...                         0.0   66.478088
31 2020-04-14   69.640410  ...                         0.0   68.726389
32 2020-04-15   71.888711  ...                         0.0   70.974689
33 2020-04-16   74.137011  ...                         0.0   73.222990
34 2020-04-17   76.385312  ...                         0.0   75.471291
35 2020-04-18   78.633613  ...                         0.0   77.719592
36 2020-04-19   80.881914  ...                         0.0   79.967893
37 2020-04-20   83.130215  ...                         0.0   82.216194
38 2020-04-21   85.378516  ...                         0.0   84.464495
39 2020-04-22   87.626817  ...                         0.0   86.712796
40 2020-04-23   89.875118  ...                         0.0   88.961096
41 2020-04-24   92.123418  ...                         0.0   91.209397
42 2020-04-25   94.371719  ...                         0.0   93.457698
43 2020-04-26   96.620020  ...                         0.0   95.705999
44 2020-04-27   98.868321  ...                         0.0   97.954300
45 2020-04-28  101.116622  ...                         0.0  100.202601
46 2020-04-29  103.364923  ...                         0.0  102.450902
47 2020-04-30  105.613224  ...                         0.0  104.699203

[48 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 16.
COUNTRY: Jiangxi
           ds        trend  ...  multiplicative_terms_upper        yhat
0  2020-01-22    -6.379278  ...                         0.0 -102.889886
1  2020-01-23    38.331076  ...                         0.0  -62.377335
2  2020-01-24    83.041430  ...                         0.0  -14.428443
3  2020-01-25   127.751784  ...                         0.0   25.530097
4  2020-01-26   172.462138  ...                         0.0   67.306091
..        ...          ...  ...                         ...         ...
95 2020-04-26  1046.757156  ...                         0.0  941.601108
96 2020-04-27  1046.944713  ...                         0.0  939.965908
97 2020-04-28  1047.132270  ...                         0.0  941.441851
98 2020-04-29  1047.319827  ...                         0.0  950.809218
99 2020-04-30  1047.507384  ...                         0.0  946.798972

[100 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 12.
COUNTRY: Slovakia
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-06   -2.686881  ...                         0.0  -32.069775
1  2020-03-07   10.793818  ...                         0.0  -20.160646
2  2020-03-08   24.274516  ...                         0.0  -13.861053
3  2020-03-09   37.755215  ...                         0.0  -10.565932
4  2020-03-10   51.235914  ...                         0.0   -0.274904
5  2020-03-11   64.716613  ...                         0.0   15.683855
6  2020-03-12   78.197842  ...                         0.0   26.975716
7  2020-03-13   91.685619  ...                         0.0   62.302725
8  2020-03-14  105.178925  ...                         0.0   74.224462
9  2020-03-15  118.683401  ...                         0.0   80.547831
10 2020-03-16  132.202115  ...                         0.0   83.880968
11 2020-03-17  145.732275  ...                         0.0   94.221458
12 2020-03-18  159.269700  ...                         0.0  110.236943
13 2020-03-19  172.807402  ...                         0.0  121.585276
14 2020-03-20  186.353095  ...                         0.0  156.970201
15 2020-03-21  199.898789  ...                         0.0  168.944325
16 2020-03-22  213.444534  ...                         0.0  175.308964
17 2020-03-23  226.990280  ...                         0.0  178.669133
18 2020-03-24  240.536026  ...                         0.0  189.025209
19 2020-03-25  254.081772  ...                         0.0  205.049014
20 2020-03-26  267.627518  ...                         0.0  216.405392
21 2020-03-27  281.173263  ...                         0.0  251.790369
22 2020-03-28  294.719009  ...                         0.0  263.764546
23 2020-03-29  308.264755  ...                         0.0  270.129186
24 2020-03-30  321.810501  ...                         0.0  273.489354
25 2020-03-31  335.356247  ...                         0.0  283.845430
26 2020-04-01  348.901993  ...                         0.0  299.869235
27 2020-04-02  362.447739  ...                         0.0  311.225613
28 2020-04-03  375.993485  ...                         0.0  346.610590
29 2020-04-04  389.539230  ...                         0.0  358.584767
30 2020-04-05  403.084976  ...                         0.0  364.949407
31 2020-04-06  416.630722  ...                         0.0  368.309576
32 2020-04-07  430.176468  ...                         0.0  378.665651
33 2020-04-08  443.722214  ...                         0.0  394.689456
34 2020-04-09  457.267960  ...                         0.0  406.045834
35 2020-04-10  470.813706  ...                         0.0  441.430811
36 2020-04-11  484.359452  ...                         0.0  453.404988
37 2020-04-12  497.905197  ...                         0.0  459.769628
38 2020-04-13  511.450943  ...                         0.0  463.129797
39 2020-04-14  524.996689  ...                         0.0  473.485872
40 2020-04-15  538.542435  ...                         0.0  489.509677
41 2020-04-16  552.088181  ...                         0.0  500.866055
42 2020-04-17  565.633927  ...                         0.0  536.251033
43 2020-04-18  579.179673  ...                         0.0  548.225209
44 2020-04-19  592.725419  ...                         0.0  554.589849
45 2020-04-20  606.271165  ...                         0.0  557.950018
46 2020-04-21  619.816910  ...                         0.0  568.306093
47 2020-04-22  633.362656  ...                         0.0  584.329899
48 2020-04-23  646.908402  ...                         0.0  595.686277
49 2020-04-24  660.454148  ...                         0.0  631.071254
50 2020-04-25  673.999894  ...                         0.0  643.045430
51 2020-04-26  687.545640  ...                         0.0  649.410070
52 2020-04-27  701.091386  ...                         0.0  652.770239
53 2020-04-28  714.637132  ...                         0.0  663.126314
54 2020-04-29  728.182877  ...                         0.0  679.150120
55 2020-04-30  741.728623  ...                         0.0  690.506498

[56 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Delaware
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-11   -1.649998  ...                         0.0  -19.080617
1  2020-03-12    7.700572  ...                         0.0  -11.745419
2  2020-03-13   17.051142  ...                         0.0    2.910896
3  2020-03-14   26.401712  ...                         0.0   -7.178227
4  2020-03-15   35.752282  ...                         0.0   -1.176660
5  2020-03-16   45.102852  ...                         0.0    5.324510
6  2020-03-17   54.453423  ...                         0.0   27.312903
7  2020-03-18   63.804138  ...                         0.0   46.373520
8  2020-03-19   73.155351  ...                         0.0   53.709361
9  2020-03-20   82.506933  ...                         0.0   68.366688
10 2020-03-21   91.858615  ...                         0.0   58.278675
11 2020-03-22  101.210297  ...                         0.0   64.281354
12 2020-03-23  110.561979  ...                         0.0   70.783636
13 2020-03-24  119.913661  ...                         0.0   92.773141
14 2020-03-25  129.265342  ...                         0.0  111.834724
15 2020-03-26  138.617024  ...                         0.0  119.171034
16 2020-03-27  147.968706  ...                         0.0  133.828461
17 2020-03-28  157.320388  ...                         0.0  123.740449
18 2020-03-29  166.672070  ...                         0.0  129.743127
19 2020-03-30  176.023752  ...                         0.0  136.245410
20 2020-03-31  185.375434  ...                         0.0  158.234914
21 2020-04-01  194.727116  ...                         0.0  177.296497
22 2020-04-02  204.078798  ...                         0.0  184.632807
23 2020-04-03  213.430479  ...                         0.0  199.290234
24 2020-04-04  222.782161  ...                         0.0  189.202222
25 2020-04-05  232.133843  ...                         0.0  195.204901
26 2020-04-06  241.485525  ...                         0.0  201.707183
27 2020-04-07  250.837207  ...                         0.0  223.696688
28 2020-04-08  260.188889  ...                         0.0  242.758271
29 2020-04-09  269.540571  ...                         0.0  250.094580
30 2020-04-10  278.892253  ...                         0.0  264.752007
31 2020-04-11  288.243935  ...                         0.0  254.663995
32 2020-04-12  297.595616  ...                         0.0  260.666674
33 2020-04-13  306.947298  ...                         0.0  267.168956
34 2020-04-14  316.298980  ...                         0.0  289.158461
35 2020-04-15  325.650662  ...                         0.0  308.220044
36 2020-04-16  335.002344  ...                         0.0  315.556353
37 2020-04-17  344.354026  ...                         0.0  330.213781
38 2020-04-18  353.705708  ...                         0.0  320.125768
39 2020-04-19  363.057390  ...                         0.0  326.128447
40 2020-04-20  372.409072  ...                         0.0  332.630729
41 2020-04-21  381.760753  ...                         0.0  354.620234
42 2020-04-22  391.112435  ...                         0.0  373.681817
43 2020-04-23  400.464117  ...                         0.0  381.018127
44 2020-04-24  409.815799  ...                         0.0  395.675554
45 2020-04-25  419.167481  ...                         0.0  385.587542
46 2020-04-26  428.519163  ...                         0.0  391.590220
47 2020-04-27  437.870845  ...                         0.0  398.092502
48 2020-04-28  447.222527  ...                         0.0  420.082007
49 2020-04-29  456.574209  ...                         0.0  439.143590
50 2020-04-30  465.925890  ...                         0.0  446.479900

[51 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Louisiana
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-10   -30.691076  ...                         0.0  -451.530026
1  2020-03-11   109.289713  ...                         0.0  -293.879186
2  2020-03-12   249.270501  ...                         0.0   -74.902654
3  2020-03-13   389.251289  ...                         0.0   126.068654
4  2020-03-14   529.232078  ...                         0.0  -158.887577
5  2020-03-15   669.212867  ...                         0.0   -25.913262
6  2020-03-16   809.193656  ...                         0.0   164.059813
7  2020-03-17   949.174445  ...                         0.0   528.335495
8  2020-03-18  1089.155236  ...                         0.0   685.986337
9  2020-03-19  1229.136026  ...                         0.0   904.962872
10 2020-03-20  1369.116856  ...                         0.0  1105.934221
11 2020-03-21  1509.097688  ...                         0.0   820.978033
12 2020-03-22  1649.078519  ...                         0.0   953.952390
13 2020-03-23  1789.059350  ...                         0.0  1143.925506
14 2020-03-24  1929.040182  ...                         0.0  1508.201231
15 2020-03-25  2069.021013  ...                         0.0  1665.852114
16 2020-03-26  2209.001845  ...                         0.0  1884.828691
17 2020-03-27  2348.982677  ...                         0.0  2085.800041
18 2020-03-28  2488.963508  ...                         0.0  1800.843854
19 2020-03-29  2628.944340  ...                         0.0  1933.818211
20 2020-03-30  2768.925172  ...                         0.0  2123.791328
21 2020-03-31  2908.906004  ...                         0.0  2488.067054
22 2020-04-01  3048.886835  ...                         0.0  2645.717937
23 2020-04-02  3188.867667  ...                         0.0  2864.694513
24 2020-04-03  3328.848499  ...                         0.0  3065.665863
25 2020-04-04  3468.829331  ...                         0.0  2780.709676
26 2020-04-05  3608.810162  ...                         0.0  2913.684033
27 2020-04-06  3748.790994  ...                         0.0  3103.657150
28 2020-04-07  3888.771826  ...                         0.0  3467.932876
29 2020-04-08  4028.752657  ...                         0.0  3625.583759
30 2020-04-09  4168.733489  ...                         0.0  3844.560335
31 2020-04-10  4308.714321  ...                         0.0  4045.531685
32 2020-04-11  4448.695153  ...                         0.0  3760.575498
33 2020-04-12  4588.675984  ...                         0.0  3893.549855
34 2020-04-13  4728.656816  ...                         0.0  4083.522972
35 2020-04-14  4868.637648  ...                         0.0  4447.798698
36 2020-04-15  5008.618480  ...                         0.0  4605.449581
37 2020-04-16  5148.599311  ...                         0.0  4824.426157
38 2020-04-17  5288.580143  ...                         0.0  5025.397507
39 2020-04-18  5428.560975  ...                         0.0  4740.441320
40 2020-04-19  5568.541806  ...                         0.0  4873.415678
41 2020-04-20  5708.522638  ...                         0.0  5063.388794
42 2020-04-21  5848.503470  ...                         0.0  5427.664520
43 2020-04-22  5988.484302  ...                         0.0  5585.315403
44 2020-04-23  6128.465133  ...                         0.0  5804.291979
45 2020-04-24  6268.445965  ...                         0.0  6005.263329
46 2020-04-25  6408.426797  ...                         0.0  5720.307142
47 2020-04-26  6548.407628  ...                         0.0  5853.281500
48 2020-04-27  6688.388460  ...                         0.0  6043.254616
49 2020-04-28  6828.369292  ...                         0.0  6407.530342
50 2020-04-29  6968.350124  ...                         0.0  6565.181225
51 2020-04-30  7108.330955  ...                         0.0  6784.157801

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Mongolia
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-10  -0.058929  ...                         0.0  -0.087863
1  2020-03-11   0.715555  ...                         0.0   0.245650
2  2020-03-12   1.490039  ...                         0.0   0.579184
3  2020-03-13   2.264524  ...                         0.0   0.579445
4  2020-03-14   3.039008  ...                         0.0   2.789370
5  2020-03-15   3.813492  ...                         0.0   2.789633
6  2020-03-16   4.587977  ...                         0.0   2.789930
7  2020-03-17   5.362461  ...                         0.0   5.333527
8  2020-03-18   6.136945  ...                         0.0   5.667040
9  2020-03-19   6.911430  ...                         0.0   6.000575
10 2020-03-20   7.685914  ...                         0.0   6.000835
11 2020-03-21   8.460398  ...                         0.0   8.210760
12 2020-03-22   9.234883  ...                         0.0   8.211024
13 2020-03-23  10.009367  ...                         0.0   8.211321
14 2020-03-24  10.783852  ...                         0.0  10.754918
15 2020-03-25  11.558336  ...                         0.0  11.088431
16 2020-03-26  12.332820  ...                         0.0  11.421965
17 2020-03-27  13.107305  ...                         0.0  11.422226
18 2020-03-28  13.881789  ...                         0.0  13.632151
19 2020-03-29  14.656273  ...                         0.0  13.632415
20 2020-03-30  15.430758  ...                         0.0  13.632711
21 2020-03-31  16.205242  ...                         0.0  16.176308
22 2020-04-01  16.979727  ...                         0.0  16.509822
23 2020-04-02  17.754211  ...                         0.0  16.843356
24 2020-04-03  18.528695  ...                         0.0  16.843616
25 2020-04-04  19.303180  ...                         0.0  19.053542
26 2020-04-05  20.077664  ...                         0.0  19.053805
27 2020-04-06  20.852148  ...                         0.0  19.054102
28 2020-04-07  21.626633  ...                         0.0  21.597699
29 2020-04-08  22.401117  ...                         0.0  21.931212
30 2020-04-09  23.175602  ...                         0.0  22.264747
31 2020-04-10  23.950086  ...                         0.0  22.265007
32 2020-04-11  24.724570  ...                         0.0  24.474932
33 2020-04-12  25.499055  ...                         0.0  24.475196
34 2020-04-13  26.273539  ...                         0.0  24.475492
35 2020-04-14  27.048023  ...                         0.0  27.019090
36 2020-04-15  27.822508  ...                         0.0  27.352603
37 2020-04-16  28.596992  ...                         0.0  27.686137
38 2020-04-17  29.371477  ...                         0.0  27.686398
39 2020-04-18  30.145961  ...                         0.0  29.896323
40 2020-04-19  30.920445  ...                         0.0  29.896586
41 2020-04-20  31.694930  ...                         0.0  29.896883
42 2020-04-21  32.469414  ...                         0.0  32.440480
43 2020-04-22  33.243898  ...                         0.0  32.773994
44 2020-04-23  34.018383  ...                         0.0  33.107528
45 2020-04-24  34.792867  ...                         0.0  33.107788
46 2020-04-25  35.567352  ...                         0.0  35.317714
47 2020-04-26  36.341836  ...                         0.0  35.317977
48 2020-04-27  37.116320  ...                         0.0  35.318274
49 2020-04-28  37.890805  ...                         0.0  37.861871
50 2020-04-29  38.665289  ...                         0.0  38.195384
51 2020-04-30  39.439773  ...                         0.0  38.528918

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Oregon
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-10   -2.690655  ...                         0.0  -39.654571
1  2020-03-11   16.836651  ...                         0.0  -18.992420
2  2020-03-12   36.363957  ...                         0.0    5.997103
3  2020-03-13   55.891263  ...                         0.0   49.982632
4  2020-03-14   75.418568  ...                         0.0    4.698294
5  2020-03-15   94.945874  ...                         0.0   30.188862
6  2020-03-16  114.473180  ...                         0.0   46.681161
7  2020-03-17  134.000486  ...                         0.0   97.036570
8  2020-03-18  153.527792  ...                         0.0  117.698721
9  2020-03-19  173.057350  ...                         0.0  142.690497
10 2020-03-20  192.587393  ...                         0.0  186.678762
11 2020-03-21  212.120850  ...                         0.0  141.400575
12 2020-03-22  231.654306  ...                         0.0  166.897294
13 2020-03-23  251.187763  ...                         0.0  183.395743
14 2020-03-24  270.721219  ...                         0.0  233.757303
15 2020-03-25  290.254676  ...                         0.0  254.425605
16 2020-03-26  309.788132  ...                         0.0  279.421279
17 2020-03-27  329.321589  ...                         0.0  323.412958
18 2020-03-28  348.855045  ...                         0.0  278.134771
19 2020-03-29  368.388502  ...                         0.0  303.631489
20 2020-03-30  387.921958  ...                         0.0  320.129939
21 2020-03-31  407.455415  ...                         0.0  370.491499
22 2020-04-01  426.988871  ...                         0.0  391.159801
23 2020-04-02  446.522328  ...                         0.0  416.155474
24 2020-04-03  466.055784  ...                         0.0  460.147153
25 2020-04-04  485.589241  ...                         0.0  414.868966
26 2020-04-05  505.122697  ...                         0.0  440.365685
27 2020-04-06  524.656154  ...                         0.0  456.864135
28 2020-04-07  544.189610  ...                         0.0  507.225695
29 2020-04-08  563.723067  ...                         0.0  527.893996
30 2020-04-09  583.256523  ...                         0.0  552.889670
31 2020-04-10  602.789980  ...                         0.0  596.881349
32 2020-04-11  622.323436  ...                         0.0  551.603162
33 2020-04-12  641.856893  ...                         0.0  577.099881
34 2020-04-13  661.390350  ...                         0.0  593.598330
35 2020-04-14  680.923806  ...                         0.0  643.959890
36 2020-04-15  700.457263  ...                         0.0  664.628192
37 2020-04-16  719.990719  ...                         0.0  689.623866
38 2020-04-17  739.524176  ...                         0.0  733.615545
39 2020-04-18  759.057632  ...                         0.0  688.337358
40 2020-04-19  778.591089  ...                         0.0  713.834077
41 2020-04-20  798.124545  ...                         0.0  730.332526
42 2020-04-21  817.658002  ...                         0.0  780.694086
43 2020-04-22  837.191458  ...                         0.0  801.362388
44 2020-04-23  856.724915  ...                         0.0  826.358061
45 2020-04-24  876.258371  ...                         0.0  870.349740
46 2020-04-25  895.791828  ...                         0.0  825.071554
47 2020-04-26  915.325284  ...                         0.0  850.568272
48 2020-04-27  934.858741  ...                         0.0  867.066722
49 2020-04-28  954.392197  ...                         0.0  917.428282
50 2020-04-29  973.925654  ...                         0.0  938.096583
51 2020-04-30  993.459110  ...                         0.0  963.092257

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 10.
COUNTRY: Hainan
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-01-22   -0.055058  ...                         0.0    0.616581
1  2020-01-23    6.143369  ...                         0.0    5.089268
2  2020-01-24   12.341796  ...                         0.0   11.246835
3  2020-01-25   18.540223  ...                         0.0   18.390227
4  2020-01-26   24.738650  ...                         0.0   23.183656
..        ...         ...  ...                         ...         ...
95 2020-04-26  169.193778  ...                         0.0  167.638785
96 2020-04-27  169.200222  ...                         0.0  167.907208
97 2020-04-28  169.206666  ...                         0.0  167.509084
98 2020-04-29  169.213110  ...                         0.0  169.884750
99 2020-04-30  169.219555  ...                         0.0  168.165454

[100 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 22.
COUNTRY: Rwanda
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-14   -0.424899  ...                         0.0   -6.226138
1  2020-03-15    3.873812  ...                         0.0   -1.927427
2  2020-03-16    8.172523  ...                         0.0    2.371285
3  2020-03-17   12.471234  ...                         0.0    6.669996
4  2020-03-18   16.769946  ...                         0.0   10.968707
5  2020-03-19   21.068657  ...                         0.0   15.267418
6  2020-03-20   25.367378  ...                         0.0   19.566139
7  2020-03-21   29.666098  ...                         0.0   23.864860
8  2020-03-22   33.964820  ...                         0.0   28.163582
9  2020-03-23   38.263542  ...                         0.0   32.462304
10 2020-03-24   42.562264  ...                         0.0   36.761025
11 2020-03-25   46.860986  ...                         0.0   41.059747
12 2020-03-26   51.159708  ...                         0.0   45.358469
13 2020-03-27   55.458430  ...                         0.0   49.657191
14 2020-03-28   59.757152  ...                         0.0   53.955913
15 2020-03-29   64.055874  ...                         0.0   58.254635
16 2020-03-30   68.354595  ...                         0.0   62.553357
17 2020-03-31   72.653317  ...                         0.0   66.852079
18 2020-04-01   76.952039  ...                         0.0   71.150801
19 2020-04-02   81.250761  ...                         0.0   75.449522
20 2020-04-03   85.549483  ...                         0.0   79.748244
21 2020-04-04   89.848205  ...                         0.0   84.046966
22 2020-04-05   94.146927  ...                         0.0   88.345688
23 2020-04-06   98.445649  ...                         0.0   92.644410
24 2020-04-07  102.744371  ...                         0.0   96.943132
25 2020-04-08  107.043092  ...                         0.0  101.241854
26 2020-04-09  111.341814  ...                         0.0  105.540576
27 2020-04-10  115.640536  ...                         0.0  109.839298
28 2020-04-11  119.939258  ...                         0.0  114.138020
29 2020-04-12  124.237980  ...                         0.0  118.436741
30 2020-04-13  128.536702  ...                         0.0  122.735463
31 2020-04-14  132.835424  ...                         0.0  127.034185
32 2020-04-15  137.134146  ...                         0.0  131.332907
33 2020-04-16  141.432868  ...                         0.0  135.631629
34 2020-04-17  145.731589  ...                         0.0  139.930351
35 2020-04-18  150.030311  ...                         0.0  144.229073
36 2020-04-19  154.329033  ...                         0.0  148.527795
37 2020-04-20  158.627755  ...                         0.0  152.826517
38 2020-04-21  162.926477  ...                         0.0  157.125238
39 2020-04-22  167.225199  ...                         0.0  161.423960
40 2020-04-23  171.523921  ...                         0.0  165.722682
41 2020-04-24  175.822643  ...                         0.0  170.021404
42 2020-04-25  180.121365  ...                         0.0  174.320126
43 2020-04-26  184.420087  ...                         0.0  178.618848
44 2020-04-27  188.718808  ...                         0.0  182.917570
45 2020-04-28  193.017530  ...                         0.0  187.216292
46 2020-04-29  197.316252  ...                         0.0  191.515014
47 2020-04-30  201.614974  ...                         0.0  195.813736

[48 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 12.
COUNTRY: Mexico
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-02-28   -6.643733  ...                         0.0  -70.793952
1  2020-02-29    9.384439  ...                         0.0 -108.481643
2  2020-03-01   25.412611  ...                         0.0  -92.229784
3  2020-03-02   41.440783  ...                         0.0  -72.982944
4  2020-03-03   57.468956  ...                         0.0  -52.992118
..        ...         ...  ...                         ...         ...
58 2020-04-26  923.336700  ...                         0.0  805.694305
59 2020-04-27  939.373492  ...                         0.0  824.949764
60 2020-04-28  955.410284  ...                         0.0  844.949210
61 2020-04-29  971.447076  ...                         0.0  857.445408
62 2020-04-30  987.483868  ...                         0.0  882.183377

[63 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: South Dakota
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-11   -0.112700  ...                         0.0    1.514769
1  2020-03-12    2.527535  ...                         0.0    3.179866
2  2020-03-13    5.167769  ...                         0.0    8.178695
3  2020-03-14    7.808004  ...                         0.0    2.257699
4  2020-03-15   10.448238  ...                         0.0    5.756139
5  2020-03-16   13.088473  ...                         0.0    9.754666
6  2020-03-17   15.728707  ...                         0.0   11.252677
7  2020-03-18   18.368942  ...                         0.0   19.996411
8  2020-03-19   21.009176  ...                         0.0   21.661508
9  2020-03-20   23.649478  ...                         0.0   26.660404
10 2020-03-21   26.289783  ...                         0.0   20.739478
11 2020-03-22   28.930087  ...                         0.0   24.237988
12 2020-03-23   31.570437  ...                         0.0   28.236630
13 2020-03-24   34.210787  ...                         0.0   29.734757
14 2020-03-25   36.851136  ...                         0.0   38.478605
15 2020-03-26   39.491486  ...                         0.0   40.143817
16 2020-03-27   42.131835  ...                         0.0   45.142761
17 2020-03-28   44.772185  ...                         0.0   39.221881
18 2020-03-29   47.412535  ...                         0.0   42.720436
19 2020-03-30   50.052884  ...                         0.0   46.719077
20 2020-03-31   52.693234  ...                         0.0   48.217204
21 2020-04-01   55.333584  ...                         0.0   56.961052
22 2020-04-02   57.973933  ...                         0.0   58.626264
23 2020-04-03   60.614283  ...                         0.0   63.625209
24 2020-04-04   63.254632  ...                         0.0   57.704328
25 2020-04-05   65.894982  ...                         0.0   61.202883
26 2020-04-06   68.535332  ...                         0.0   65.201525
27 2020-04-07   71.175681  ...                         0.0   66.699651
28 2020-04-08   73.816031  ...                         0.0   75.443500
29 2020-04-09   76.456380  ...                         0.0   77.108712
30 2020-04-10   79.096730  ...                         0.0   82.107656
31 2020-04-11   81.737080  ...                         0.0   76.186775
32 2020-04-12   84.377429  ...                         0.0   79.685330
33 2020-04-13   87.017779  ...                         0.0   83.683972
34 2020-04-14   89.658129  ...                         0.0   85.182099
35 2020-04-15   92.298478  ...                         0.0   93.925947
36 2020-04-16   94.938828  ...                         0.0   95.591159
37 2020-04-17   97.579177  ...                         0.0  100.590103
38 2020-04-18  100.219527  ...                         0.0   94.669222
39 2020-04-19  102.859877  ...                         0.0   98.167777
40 2020-04-20  105.500226  ...                         0.0  102.166419
41 2020-04-21  108.140576  ...                         0.0  103.664546
42 2020-04-22  110.780925  ...                         0.0  112.408394
43 2020-04-23  113.421275  ...                         0.0  114.073606
44 2020-04-24  116.061625  ...                         0.0  119.072551
45 2020-04-25  118.701974  ...                         0.0  113.151670
46 2020-04-26  121.342324  ...                         0.0  116.650225
47 2020-04-27  123.982673  ...                         0.0  120.648866
48 2020-04-28  126.623023  ...                         0.0  122.146993
49 2020-04-29  129.263373  ...                         0.0  130.890841
50 2020-04-30  131.903722  ...                         0.0  132.556054

[51 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 14.
COUNTRY: Kuwait
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-02-24    1.091887  ...                         0.0   16.689291
1  2020-02-25    4.926232  ...                         0.0   19.366441
2  2020-02-26    8.760577  ...                         0.0   24.042792
3  2020-02-27   12.594923  ...                         0.0   30.964476
4  2020-02-28   16.429268  ...                         0.0   33.782516
..        ...         ...  ...                         ...         ...
62 2020-04-26  478.318288  ...                         0.0  498.575101
63 2020-04-27  487.457248  ...                         0.0  503.054652
64 2020-04-28  496.596209  ...                         0.0  511.036418
65 2020-04-29  505.735169  ...                         0.0  521.017384
66 2020-04-30  514.874129  ...                         0.0  533.243683

[67 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 19.
COUNTRY: Albania
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-09   -0.632791  ...                         0.0  -10.861362
1  2020-03-10    8.393815  ...                         0.0   -0.532388
2  2020-03-11   17.420421  ...                         0.0    9.129221
3  2020-03-12   26.447028  ...                         0.0   23.791285
4  2020-03-13   35.473634  ...                         0.0   33.119373
5  2020-03-14   44.500240  ...                         0.0   25.402132
6  2020-03-15   53.526847  ...                         0.0   33.897604
7  2020-03-16   62.553453  ...                         0.0   52.324882
8  2020-03-17   71.580059  ...                         0.0   62.653856
9  2020-03-18   80.608566  ...                         0.0   72.317365
10 2020-03-19   89.637174  ...                         0.0   86.981432
11 2020-03-20   98.666147  ...                         0.0   96.311885
12 2020-03-21  107.700109  ...                         0.0   88.602000
13 2020-03-22  116.735618  ...                         0.0   97.106375
14 2020-03-23  125.773520  ...                         0.0  115.544949
15 2020-03-24  134.812959  ...                         0.0  125.886756
16 2020-03-25  143.852399  ...                         0.0  135.561199
17 2020-03-26  152.891839  ...                         0.0  150.236097
18 2020-03-27  161.931279  ...                         0.0  159.577018
19 2020-03-28  170.970719  ...                         0.0  151.872611
20 2020-03-29  180.010159  ...                         0.0  160.380917
21 2020-03-30  189.049599  ...                         0.0  178.821028
22 2020-03-31  198.089039  ...                         0.0  189.162836
23 2020-04-01  207.128479  ...                         0.0  198.837278
24 2020-04-02  216.167919  ...                         0.0  213.512176
25 2020-04-03  225.207358  ...                         0.0  222.853097
26 2020-04-04  234.246798  ...                         0.0  215.148690
27 2020-04-05  243.286238  ...                         0.0  223.656996
28 2020-04-06  252.325678  ...                         0.0  242.097107
29 2020-04-07  261.365118  ...                         0.0  252.438915
30 2020-04-08  270.404558  ...                         0.0  262.113357
31 2020-04-09  279.443998  ...                         0.0  276.788255
32 2020-04-10  288.483438  ...                         0.0  286.129176
33 2020-04-11  297.522878  ...                         0.0  278.424769
34 2020-04-12  306.562318  ...                         0.0  286.933075
35 2020-04-13  315.601757  ...                         0.0  305.373187
36 2020-04-14  324.641197  ...                         0.0  315.714994
37 2020-04-15  333.680637  ...                         0.0  325.389437
38 2020-04-16  342.720077  ...                         0.0  340.064335
39 2020-04-17  351.759517  ...                         0.0  349.405256
40 2020-04-18  360.798957  ...                         0.0  341.700848
41 2020-04-19  369.838397  ...                         0.0  350.209154
42 2020-04-20  378.877837  ...                         0.0  368.649266
43 2020-04-21  387.917277  ...                         0.0  378.991074
44 2020-04-22  396.956717  ...                         0.0  388.665516
45 2020-04-23  405.996156  ...                         0.0  403.340414
46 2020-04-24  415.035596  ...                         0.0  412.681335
47 2020-04-25  424.075036  ...                         0.0  404.976928
48 2020-04-26  433.114476  ...                         0.0  413.485234
49 2020-04-27  442.153916  ...                         0.0  431.925345
50 2020-04-28  451.193356  ...                         0.0  442.267153
51 2020-04-29  460.232796  ...                         0.0  451.941595
52 2020-04-30  469.272236  ...                         0.0  466.616493

[53 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Saudi Arabia
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-02   -13.361861  ...                         0.0  -230.647118
1  2020-03-03    25.173148  ...                         0.0  -164.917216
2  2020-03-04    63.708157  ...                         0.0  -131.438477
3  2020-03-05   102.243166  ...                         0.0   -70.711530
4  2020-03-06   140.778175  ...                         0.0   -19.987344
5  2020-03-07   179.313184  ...                         0.0  -103.093425
6  2020-03-08   217.848193  ...                         0.0   -61.448867
7  2020-03-09   256.383202  ...                         0.0    39.097944
8  2020-03-10   294.918211  ...                         0.0   104.827847
9  2020-03-11   333.453220  ...                         0.0   138.306585
10 2020-03-12   371.988229  ...                         0.0   199.033533
11 2020-03-13   410.523238  ...                         0.0   249.757719
12 2020-03-14   449.058247  ...                         0.0   166.651638
13 2020-03-15   487.593557  ...                         0.0   208.296496
14 2020-03-16   526.130455  ...                         0.0   308.845198
15 2020-03-17   564.671900  ...                         0.0   374.581535
16 2020-03-18   603.215646  ...                         0.0   408.069011
17 2020-03-19   641.759392  ...                         0.0   468.804696
18 2020-03-20   680.303138  ...                         0.0   519.537619
19 2020-03-21   718.846884  ...                         0.0   436.440275
20 2020-03-22   757.390631  ...                         0.0   478.093570
21 2020-03-23   795.934377  ...                         0.0   578.649120
22 2020-03-24   834.478124  ...                         0.0   644.387760
23 2020-03-25   873.021870  ...                         0.0   677.875236
24 2020-03-26   911.565617  ...                         0.0   738.610921
25 2020-03-27   950.109363  ...                         0.0   789.343844
26 2020-03-28   988.653109  ...                         0.0   706.246500
27 2020-03-29  1027.196856  ...                         0.0   747.899796
28 2020-03-30  1065.740602  ...                         0.0   848.455345
29 2020-03-31  1104.284349  ...                         0.0   914.193985
30 2020-04-01  1142.828095  ...                         0.0   947.681461
31 2020-04-02  1181.371842  ...                         0.0  1008.417146
32 2020-04-03  1219.915588  ...                         0.0  1059.150070
33 2020-04-04  1258.459335  ...                         0.0   976.052726
34 2020-04-05  1297.003081  ...                         0.0  1017.706021
35 2020-04-06  1335.546828  ...                         0.0  1118.261570
36 2020-04-07  1374.090574  ...                         0.0  1184.000210
37 2020-04-08  1412.634320  ...                         0.0  1217.487686
38 2020-04-09  1451.178067  ...                         0.0  1278.223371
39 2020-04-10  1489.721813  ...                         0.0  1328.956295
40 2020-04-11  1528.265560  ...                         0.0  1245.858951
41 2020-04-12  1566.809306  ...                         0.0  1287.512246
42 2020-04-13  1605.353053  ...                         0.0  1388.067795
43 2020-04-14  1643.896799  ...                         0.0  1453.806435
44 2020-04-15  1682.440546  ...                         0.0  1487.293911
45 2020-04-16  1720.984292  ...                         0.0  1548.029596
46 2020-04-17  1759.528038  ...                         0.0  1598.762520
47 2020-04-18  1798.071785  ...                         0.0  1515.665176
48 2020-04-19  1836.615531  ...                         0.0  1557.318471
49 2020-04-20  1875.159278  ...                         0.0  1657.874020
50 2020-04-21  1913.703024  ...                         0.0  1723.612660
51 2020-04-22  1952.246771  ...                         0.0  1757.100136
52 2020-04-23  1990.790517  ...                         0.0  1817.835821
53 2020-04-24  2029.334264  ...                         0.0  1868.568745
54 2020-04-25  2067.878010  ...                         0.0  1785.471401
55 2020-04-26  2106.421756  ...                         0.0  1827.124696
56 2020-04-27  2144.965503  ...                         0.0  1927.680245
57 2020-04-28  2183.509249  ...                         0.0  1993.418885
58 2020-04-29  2222.052996  ...                         0.0  2026.906361
59 2020-04-30  2260.596742  ...                         0.0  2087.642046

[60 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 18.
COUNTRY: Missouri
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-10    -5.308714  ...                         0.0  -117.430568
1  2020-03-11    24.251965  ...                         0.0   -82.757093
2  2020-03-12    53.812645  ...                         0.0   -23.242159
3  2020-03-13    83.373325  ...                         0.0    32.960522
4  2020-03-14   112.934004  ...                         0.0   -64.045985
5  2020-03-15   142.494684  ...                         0.0   -56.804031
6  2020-03-16   172.055364  ...                         0.0    -6.426738
7  2020-03-17   201.616043  ...                         0.0    89.494189
8  2020-03-18   231.176723  ...                         0.0   124.167664
9  2020-03-19   260.737402  ...                         0.0   183.682598
10 2020-03-20   290.298168  ...                         0.0   239.885365
11 2020-03-21   319.858955  ...                         0.0   142.878965
12 2020-03-22   349.419741  ...                         0.0   150.121027
13 2020-03-23   378.980528  ...                         0.0   200.498427
14 2020-03-24   408.541315  ...                         0.0   296.419460
15 2020-03-25   438.102101  ...                         0.0   331.093043
16 2020-03-26   467.662888  ...                         0.0   390.608084
17 2020-03-27   497.223675  ...                         0.0   446.810871
18 2020-03-28   526.784461  ...                         0.0   349.804472
19 2020-03-29   556.345248  ...                         0.0   357.046533
20 2020-03-30   585.906035  ...                         0.0   407.423933
21 2020-03-31   615.466821  ...                         0.0   503.344967
22 2020-04-01   645.027608  ...                         0.0   538.018549
23 2020-04-02   674.588394  ...                         0.0   597.533590
24 2020-04-03   704.149181  ...                         0.0   653.736378
25 2020-04-04   733.709968  ...                         0.0   556.729978
26 2020-04-05   763.270754  ...                         0.0   563.972039
27 2020-04-06   792.831541  ...                         0.0   614.349439
28 2020-04-07   822.392328  ...                         0.0   710.270473
29 2020-04-08   851.953114  ...                         0.0   744.944055
30 2020-04-09   881.513901  ...                         0.0   804.459097
31 2020-04-10   911.074687  ...                         0.0   860.661884
32 2020-04-11   940.635474  ...                         0.0   763.655485
33 2020-04-12   970.196261  ...                         0.0   770.897546
34 2020-04-13   999.757047  ...                         0.0   821.274946
35 2020-04-14  1029.317834  ...                         0.0   917.195980
36 2020-04-15  1058.878621  ...                         0.0   951.869562
37 2020-04-16  1088.439407  ...                         0.0  1011.384603
38 2020-04-17  1118.000194  ...                         0.0  1067.587391
39 2020-04-18  1147.560981  ...                         0.0   970.580991
40 2020-04-19  1177.121767  ...                         0.0   977.823052
41 2020-04-20  1206.682554  ...                         0.0  1028.200452
42 2020-04-21  1236.243340  ...                         0.0  1124.121486
43 2020-04-22  1265.804127  ...                         0.0  1158.795068
44 2020-04-23  1295.364914  ...                         0.0  1218.310109
45 2020-04-24  1324.925700  ...                         0.0  1274.512897
46 2020-04-25  1354.486487  ...                         0.0  1177.506498
47 2020-04-26  1384.047274  ...                         0.0  1184.748559
48 2020-04-27  1413.608060  ...                         0.0  1235.125959
49 2020-04-28  1443.168847  ...                         0.0  1331.046992
50 2020-04-29  1472.729633  ...                         0.0  1365.720575
51 2020-04-30  1502.290420  ...                         0.0  1425.235616

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Tunisia
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-04   -2.537956  ...                         0.0  -30.011869
1  2020-03-05    5.317170  ...                         0.0  -21.510639
2  2020-03-06   13.172296  ...                         0.0   -8.007685
3  2020-03-07   21.027422  ...                         0.0  -28.702784
4  2020-03-08   28.882548  ...                         0.0  -23.370855
5  2020-03-09   36.737674  ...                         0.0  -18.036883
6  2020-03-10   44.592799  ...                         0.0   -7.367229
7  2020-03-11   52.447925  ...                         0.0   24.974012
8  2020-03-12   60.303051  ...                         0.0   33.475242
9  2020-03-13   68.158177  ...                         0.0   46.978196
10 2020-03-14   76.013303  ...                         0.0   26.283097
11 2020-03-15   83.868429  ...                         0.0   31.615026
12 2020-03-16   91.724104  ...                         0.0   36.949547
13 2020-03-17   99.579779  ...                         0.0   47.619751
14 2020-03-18  107.435455  ...                         0.0   79.961541
15 2020-03-19  115.291130  ...                         0.0   88.463321
16 2020-03-20  123.146811  ...                         0.0  101.966830
17 2020-03-21  131.002493  ...                         0.0   81.272287
18 2020-03-22  138.858174  ...                         0.0   86.604771
19 2020-03-23  146.713855  ...                         0.0   91.939298
20 2020-03-24  154.569537  ...                         0.0  102.609508
21 2020-03-25  162.425218  ...                         0.0  134.951305
22 2020-03-26  170.280899  ...                         0.0  143.453090
23 2020-03-27  178.136581  ...                         0.0  156.956600
24 2020-03-28  185.992262  ...                         0.0  136.262057
25 2020-03-29  193.847944  ...                         0.0  141.594541
26 2020-03-30  201.703625  ...                         0.0  146.929068
27 2020-03-31  209.559306  ...                         0.0  157.599277
28 2020-04-01  217.414988  ...                         0.0  189.941074
29 2020-04-02  225.270669  ...                         0.0  198.442860
30 2020-04-03  233.126350  ...                         0.0  211.946370
31 2020-04-04  240.982032  ...                         0.0  191.251826
32 2020-04-05  248.837713  ...                         0.0  196.584310
33 2020-04-06  256.693394  ...                         0.0  201.918837
34 2020-04-07  264.549076  ...                         0.0  212.589047
35 2020-04-08  272.404757  ...                         0.0  244.930844
36 2020-04-09  280.260438  ...                         0.0  253.432629
37 2020-04-10  288.116120  ...                         0.0  266.936139
38 2020-04-11  295.971801  ...                         0.0  246.241596
39 2020-04-12  303.827483  ...                         0.0  251.574080
40 2020-04-13  311.683164  ...                         0.0  256.908607
41 2020-04-14  319.538845  ...                         0.0  267.578817
42 2020-04-15  327.394527  ...                         0.0  299.920613
43 2020-04-16  335.250208  ...                         0.0  308.422399
44 2020-04-17  343.105889  ...                         0.0  321.925909
45 2020-04-18  350.961571  ...                         0.0  301.231365
46 2020-04-19  358.817252  ...                         0.0  306.563849
47 2020-04-20  366.672933  ...                         0.0  311.898377
48 2020-04-21  374.528615  ...                         0.0  322.568586
49 2020-04-22  382.384296  ...                         0.0  354.910383
50 2020-04-23  390.239978  ...                         0.0  363.412168
51 2020-04-24  398.095659  ...                         0.0  376.915678
52 2020-04-25  405.951340  ...                         0.0  356.221135
53 2020-04-26  413.807022  ...                         0.0  361.553619
54 2020-04-27  421.662703  ...                         0.0  366.888146
55 2020-04-28  429.518384  ...                         0.0  377.558356
56 2020-04-29  437.374066  ...                         0.0  409.900152
57 2020-04-30  445.229747  ...                         0.0  418.401938

[58 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 12.
COUNTRY: Qinghai
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-01-25   0.681317  ...                         0.0  10.962644
1  2020-01-26   0.829769  ...                         0.0  11.185320
2  2020-01-27   0.978221  ...                         0.0  11.963561
3  2020-01-28   1.126672  ...                         0.0  12.186265
4  2020-01-29   1.275124  ...                         0.0  12.408990
..        ...        ...  ...                         ...        ...
92 2020-04-26  14.283649  ...                         0.0  24.639200
93 2020-04-27  14.431279  ...                         0.0  25.416620
94 2020-04-28  14.578910  ...                         0.0  25.638503
95 2020-04-29  14.726541  ...                         0.0  25.860407
96 2020-04-30  14.874171  ...                         0.0  26.193446

[97 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 15.
COUNTRY: Jamaica
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-11   0.146992  ...                         0.0   2.776716
1  2020-03-12   1.655843  ...                         0.0   3.774845
2  2020-03-13   3.164695  ...                         0.0   6.110678
3  2020-03-14   4.673546  ...                         0.0   6.722606
4  2020-03-15   6.182397  ...                         0.0   9.225299
5  2020-03-16   7.691247  ...                         0.0   9.220704
6  2020-03-17   9.200097  ...                         0.0  11.221938
7  2020-03-18  10.708946  ...                         0.0  13.338670
8  2020-03-19  12.217796  ...                         0.0  14.336798
9  2020-03-20  13.726646  ...                         0.0  16.672629
10 2020-03-21  15.235495  ...                         0.0  17.284555
11 2020-03-22  16.744345  ...                         0.0  19.787246
12 2020-03-23  18.253195  ...                         0.0  19.782651
13 2020-03-24  19.762044  ...                         0.0  21.783886
14 2020-03-25  21.270894  ...                         0.0  23.900618
15 2020-03-26  22.779744  ...                         0.0  24.898745
16 2020-03-27  24.288593  ...                         0.0  27.234576
17 2020-03-28  25.797443  ...                         0.0  27.846503
18 2020-03-29  27.306292  ...                         0.0  30.349194
19 2020-03-30  28.815142  ...                         0.0  30.344599
20 2020-03-31  30.323992  ...                         0.0  32.345833
21 2020-04-01  31.832841  ...                         0.0  34.462565
22 2020-04-02  33.341691  ...                         0.0  35.460693
23 2020-04-03  34.850541  ...                         0.0  37.796524
24 2020-04-04  36.359390  ...                         0.0  38.408450
25 2020-04-05  37.868240  ...                         0.0  40.911141
26 2020-04-06  39.377090  ...                         0.0  40.906546
27 2020-04-07  40.885939  ...                         0.0  42.907781
28 2020-04-08  42.394789  ...                         0.0  45.024513
29 2020-04-09  43.903639  ...                         0.0  46.022640
30 2020-04-10  45.412488  ...                         0.0  48.358471
31 2020-04-11  46.921338  ...                         0.0  48.970398
32 2020-04-12  48.430187  ...                         0.0  51.473089
33 2020-04-13  49.939037  ...                         0.0  51.468494
34 2020-04-14  51.447887  ...                         0.0  53.469728
35 2020-04-15  52.956736  ...                         0.0  55.586460
36 2020-04-16  54.465586  ...                         0.0  56.584588
37 2020-04-17  55.974436  ...                         0.0  58.920419
38 2020-04-18  57.483285  ...                         0.0  59.532345
39 2020-04-19  58.992135  ...                         0.0  62.035036
40 2020-04-20  60.500985  ...                         0.0  62.030441
41 2020-04-21  62.009834  ...                         0.0  64.031676
42 2020-04-22  63.518684  ...                         0.0  66.148408
43 2020-04-23  65.027534  ...                         0.0  67.146535
44 2020-04-24  66.536383  ...                         0.0  69.482366
45 2020-04-25  68.045233  ...                         0.0  70.094293
46 2020-04-26  69.554082  ...                         0.0  72.596984
47 2020-04-27  71.062932  ...                         0.0  72.592389
48 2020-04-28  72.571782  ...                         0.0  74.593623
49 2020-04-29  74.080631  ...                         0.0  76.710355
50 2020-04-30  75.589481  ...                         0.0  77.708483

[51 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 12.
COUNTRY: Northern Territory
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-04  -0.145913  ...                         0.0  -2.102757
1  2020-03-05   0.268618  ...                         0.0  -0.602528
2  2020-03-10   2.341271  ...                         0.0  -0.235073
3  2020-03-11   2.755801  ...                         0.0   0.798957
4  2020-03-12   3.170332  ...                         0.0   2.299186
5  2020-03-13   3.584862  ...                         0.0   2.432100
6  2020-03-14   3.999393  ...                         0.0   0.549098
7  2020-03-15   4.413923  ...                         0.0   1.549277
8  2020-03-16   4.828454  ...                         0.0   1.549332
9  2020-03-17   5.242985  ...                         0.0   2.666641
10 2020-03-18   5.657515  ...                         0.0   3.700671
11 2020-03-19   6.072046  ...                         0.0   5.200900
12 2020-03-20   6.486576  ...                         0.0   5.333814
13 2020-03-21   6.901107  ...                         0.0   3.450812
14 2020-03-22   7.315637  ...                         0.0   4.450991
15 2020-03-23   7.730168  ...                         0.0   4.451046
16 2020-03-24   8.144699  ...                         0.0   5.568355
17 2020-03-25   8.559229  ...                         0.0   6.602385
18 2020-03-26   8.973760  ...                         0.0   8.102614
19 2020-03-27   9.388290  ...                         0.0   8.235528
20 2020-03-28   9.802821  ...                         0.0   6.352526
21 2020-03-29  10.217352  ...                         0.0   7.352705
22 2020-03-30  10.631882  ...                         0.0   7.352760
23 2020-03-31  11.046413  ...                         0.0   8.470069
24 2020-04-01  11.460943  ...                         0.0   9.504099
25 2020-04-02  11.875474  ...                         0.0  11.004328
26 2020-04-03  12.290004  ...                         0.0  11.137242
27 2020-04-04  12.704535  ...                         0.0   9.254240
28 2020-04-05  13.119066  ...                         0.0  10.254419
29 2020-04-06  13.533596  ...                         0.0  10.254474
30 2020-04-07  13.948127  ...                         0.0  11.371783
31 2020-04-08  14.362657  ...                         0.0  12.405813
32 2020-04-09  14.777188  ...                         0.0  13.906042
33 2020-04-10  15.191718  ...                         0.0  14.038956
34 2020-04-11  15.606249  ...                         0.0  12.155954
35 2020-04-12  16.020780  ...                         0.0  13.156133
36 2020-04-13  16.435310  ...                         0.0  13.156189
37 2020-04-14  16.849841  ...                         0.0  14.273497
38 2020-04-15  17.264371  ...                         0.0  15.307527
39 2020-04-16  17.678902  ...                         0.0  16.807756
40 2020-04-17  18.093432  ...                         0.0  16.940670
41 2020-04-18  18.507963  ...                         0.0  15.057668
42 2020-04-19  18.922494  ...                         0.0  16.057847
43 2020-04-20  19.337024  ...                         0.0  16.057903
44 2020-04-21  19.751555  ...                         0.0  17.175211
45 2020-04-22  20.166085  ...                         0.0  18.209241
46 2020-04-23  20.580616  ...                         0.0  19.709470
47 2020-04-24  20.995146  ...                         0.0  19.842384
48 2020-04-25  21.409677  ...                         0.0  17.959382
49 2020-04-26  21.824208  ...                         0.0  18.959561
50 2020-04-27  22.238738  ...                         0.0  18.959617
51 2020-04-28  22.653269  ...                         0.0  20.076925
52 2020-04-29  23.067799  ...                         0.0  21.110955
53 2020-04-30  23.482330  ...                         0.0  22.611184

[54 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 14.
COUNTRY: Congo (Kinshasa)
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-11   -0.630130  ...                         0.0   -8.379920
1  2020-03-12    3.090346  ...                         0.0   -4.047627
2  2020-03-13    6.810823  ...                         0.0   -2.382221
3  2020-03-14   10.531299  ...                         0.0   -0.522556
4  2020-03-15   14.251775  ...                         0.0    2.976245
5  2020-03-16   17.972251  ...                         0.0    5.975090
6  2020-03-17   21.692727  ...                         0.0   10.974035
7  2020-03-18   25.413203  ...                         0.0   17.663412
8  2020-03-19   29.133798  ...                         0.0   21.995825
9  2020-03-20   32.854394  ...                         0.0   23.661350
10 2020-03-21   36.574990  ...                         0.0   25.521135
11 2020-03-22   40.295586  ...                         0.0   29.020056
12 2020-03-23   44.016182  ...                         0.0   32.019021
13 2020-03-24   47.736778  ...                         0.0   37.018086
14 2020-03-25   51.457374  ...                         0.0   43.707583
15 2020-03-26   55.177970  ...                         0.0   48.039997
16 2020-03-27   58.898566  ...                         0.0   49.705522
17 2020-03-28   62.619162  ...                         0.0   51.565307
18 2020-03-29   66.339758  ...                         0.0   55.064228
19 2020-03-30   70.060354  ...                         0.0   58.063193
20 2020-03-31   73.780950  ...                         0.0   63.062258
21 2020-04-01   77.501546  ...                         0.0   69.751755
22 2020-04-02   81.222142  ...                         0.0   74.084169
23 2020-04-03   84.942738  ...                         0.0   75.749694
24 2020-04-04   88.663334  ...                         0.0   77.609479
25 2020-04-05   92.383930  ...                         0.0   81.108400
26 2020-04-06   96.104526  ...                         0.0   84.107365
27 2020-04-07   99.825122  ...                         0.0   89.106430
28 2020-04-08  103.545718  ...                         0.0   95.795927
29 2020-04-09  107.266314  ...                         0.0  100.128341
30 2020-04-10  110.986910  ...                         0.0  101.793866
31 2020-04-11  114.707506  ...                         0.0  103.653651
32 2020-04-12  118.428102  ...                         0.0  107.152572
33 2020-04-13  122.148698  ...                         0.0  110.151537
34 2020-04-14  125.869294  ...                         0.0  115.150602
35 2020-04-15  129.589890  ...                         0.0  121.840099
36 2020-04-16  133.310486  ...                         0.0  126.172513
37 2020-04-17  137.031082  ...                         0.0  127.838038
38 2020-04-18  140.751678  ...                         0.0  129.697823
39 2020-04-19  144.472274  ...                         0.0  133.196744
40 2020-04-20  148.192870  ...                         0.0  136.195709
41 2020-04-21  151.913466  ...                         0.0  141.194774
42 2020-04-22  155.634062  ...                         0.0  147.884271
43 2020-04-23  159.354658  ...                         0.0  152.216685
44 2020-04-24  163.075254  ...                         0.0  153.882210
45 2020-04-25  166.795850  ...                         0.0  155.741995
46 2020-04-26  170.516446  ...                         0.0  159.240916
47 2020-04-27  174.237042  ...                         0.0  162.239881
48 2020-04-28  177.957638  ...                         0.0  167.238946
49 2020-04-29  181.678234  ...                         0.0  173.928443
50 2020-04-30  185.398830  ...                         0.0  178.260857

[51 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Brunei
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-09    0.161913  ...                         0.0    2.046900
1  2020-03-10    6.826450  ...                         0.0    7.054316
2  2020-03-11   13.490986  ...                         0.0   16.062593
3  2020-03-12   20.155523  ...                         0.0   20.072065
4  2020-03-13   26.820059  ...                         0.0   30.081788
5  2020-03-14   33.484594  ...                         0.0   38.204232
6  2020-03-15   40.148983  ...                         0.0   45.711806
7  2020-03-16   46.809247  ...                         0.0   48.694233
8  2020-03-17   53.467589  ...                         0.0   53.695455
9  2020-03-18   60.122977  ...                         0.0   62.694584
10 2020-03-19   66.775241  ...                         0.0   66.691783
11 2020-03-20   73.426199  ...                         0.0   76.687927
12 2020-03-21   80.075557  ...                         0.0   84.795195
13 2020-03-22   86.724798  ...                         0.0   92.287622
14 2020-03-23   93.373480  ...                         0.0   95.258466
15 2020-03-24  100.022162  ...                         0.0  100.250028
16 2020-03-25  106.670844  ...                         0.0  109.242451
17 2020-03-26  113.319527  ...                         0.0  113.236069
18 2020-03-27  119.968209  ...                         0.0  123.229937
19 2020-03-28  126.616891  ...                         0.0  131.336529
20 2020-03-29  133.265573  ...                         0.0  138.828397
21 2020-03-30  139.914255  ...                         0.0  141.799241
22 2020-03-31  146.562937  ...                         0.0  146.790803
23 2020-04-01  153.211619  ...                         0.0  155.783226
24 2020-04-02  159.860302  ...                         0.0  159.776844
25 2020-04-03  166.508984  ...                         0.0  169.770712
26 2020-04-04  173.157666  ...                         0.0  177.877304
27 2020-04-05  179.806348  ...                         0.0  185.369172
28 2020-04-06  186.455030  ...                         0.0  188.340016
29 2020-04-07  193.103712  ...                         0.0  193.331578
30 2020-04-08  199.752394  ...                         0.0  202.324001
31 2020-04-09  206.401077  ...                         0.0  206.317619
32 2020-04-10  213.049759  ...                         0.0  216.311487
33 2020-04-11  219.698441  ...                         0.0  224.418079
34 2020-04-12  226.347123  ...                         0.0  231.909947
35 2020-04-13  232.995805  ...                         0.0  234.880792
36 2020-04-14  239.644487  ...                         0.0  239.872353
37 2020-04-15  246.293170  ...                         0.0  248.864776
38 2020-04-16  252.941852  ...                         0.0  252.858394
39 2020-04-17  259.590534  ...                         0.0  262.852262
40 2020-04-18  266.239216  ...                         0.0  270.958854
41 2020-04-19  272.887898  ...                         0.0  278.450722
42 2020-04-20  279.536580  ...                         0.0  281.421567
43 2020-04-21  286.185262  ...                         0.0  286.413128
44 2020-04-22  292.833945  ...                         0.0  295.405552
45 2020-04-23  299.482627  ...                         0.0  299.399169
46 2020-04-24  306.131309  ...                         0.0  309.393037
47 2020-04-25  312.779991  ...                         0.0  317.499629
48 2020-04-26  319.428673  ...                         0.0  324.991497
49 2020-04-27  326.077355  ...                         0.0  327.962342
50 2020-04-28  332.726037  ...                         0.0  332.953903
51 2020-04-29  339.374720  ...                         0.0  341.946327
52 2020-04-30  346.023402  ...                         0.0  345.939944

[53 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 21.
COUNTRY: New York
           ds          trend  ...  multiplicative_terms_upper           yhat
0  2020-03-10    -551.043083  ...                         0.0   -7780.038818
1  2020-03-11    1872.370311  ...                         0.0   -5781.758981
2  2020-03-12    4295.783708  ...                         0.0   -2443.678492
3  2020-03-13    6719.197109  ...                         0.0     902.071240
4  2020-03-14    9142.610513  ...                         0.0   -2368.634360
5  2020-03-15   11566.023920  ...                         0.0    -220.413943
6  2020-03-16   13989.437326  ...                         0.0    2438.895038
7  2020-03-17   16412.850735  ...                         0.0    9183.855000
8  2020-03-18   18836.382935  ...                         0.0   11182.253643
9  2020-03-19   21259.915140  ...                         0.0   14520.452939
10 2020-03-20   23683.447347  ...                         0.0   17866.321478
11 2020-03-21   26106.979552  ...                         0.0   14595.734678
12 2020-03-22   28530.511761  ...                         0.0   16744.073898
13 2020-03-23   30954.191798  ...                         0.0   19403.649511
14 2020-03-24   33377.871835  ...                         0.0   26148.876100
15 2020-03-25   35801.551871  ...                         0.0   28147.422579
16 2020-03-26   38225.231907  ...                         0.0   31485.769706
17 2020-03-27   40648.911943  ...                         0.0   34831.786074
18 2020-03-28   43072.591979  ...                         0.0   31561.347105
19 2020-03-29   45496.272015  ...                         0.0   33709.834152
20 2020-03-30   47919.952051  ...                         0.0   36369.409763
21 2020-03-31   50343.632087  ...                         0.0   43114.636353
22 2020-04-01   52767.312123  ...                         0.0   45113.182831
23 2020-04-02   55190.992159  ...                         0.0   48451.529959
24 2020-04-03   57614.672196  ...                         0.0   51797.546327
25 2020-04-04   60038.352232  ...                         0.0   48527.107358
26 2020-04-05   62462.032268  ...                         0.0   50675.594405
27 2020-04-06   64885.712304  ...                         0.0   53335.170016
28 2020-04-07   67309.392340  ...                         0.0   60080.396606
29 2020-04-08   69733.072376  ...                         0.0   62078.943084
30 2020-04-09   72156.752412  ...                         0.0   65417.290211
31 2020-04-10   74580.432448  ...                         0.0   68763.306580
32 2020-04-11   77004.112484  ...                         0.0   65492.867611
33 2020-04-12   79427.792521  ...                         0.0   67641.354657
34 2020-04-13   81851.472557  ...                         0.0   70300.930269
35 2020-04-14   84275.152593  ...                         0.0   77046.156858
36 2020-04-15   86698.832629  ...                         0.0   79044.703337
37 2020-04-16   89122.512665  ...                         0.0   82383.050464
38 2020-04-17   91546.192701  ...                         0.0   85729.066832
39 2020-04-18   93969.872737  ...                         0.0   82458.627864
40 2020-04-19   96393.552773  ...                         0.0   84607.114910
41 2020-04-20   98817.232809  ...                         0.0   87266.690522
42 2020-04-21  101240.912845  ...                         0.0   94011.917111
43 2020-04-22  103664.592882  ...                         0.0   96010.463589
44 2020-04-23  106088.272918  ...                         0.0   99348.810717
45 2020-04-24  108511.952954  ...                         0.0  102694.827085
46 2020-04-25  110935.632990  ...                         0.0   99424.388116
47 2020-04-26  113359.313026  ...                         0.0  101572.875163
48 2020-04-27  115782.993062  ...                         0.0  104232.450774
49 2020-04-28  118206.673098  ...                         0.0  110977.677364
50 2020-04-29  120630.353134  ...                         0.0  112976.223842
51 2020-04-30  123054.033170  ...                         0.0  116314.570970

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 20.
COUNTRY: Luxembourg
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-02-29   -20.717666  ...                         0.0  -349.617393
1  2020-03-01    29.816740  ...                         0.0  -315.337773
2  2020-03-02    80.351145  ...                         0.0  -291.545578
3  2020-03-03   130.885552  ...                         0.0  -219.260329
4  2020-03-04   181.419959  ...                         0.0  -144.478927
..        ...          ...  ...                         ...          ...
57 2020-04-26  2859.827962  ...                         0.0  2514.673450
58 2020-04-27  2910.364248  ...                         0.0  2538.467525
59 2020-04-28  2960.900534  ...                         0.0  2610.754653
60 2020-04-29  3011.436820  ...                         0.0  2685.537934
61 2020-04-30  3061.973105  ...                         0.0  2751.573107

[62 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 15.
COUNTRY: Ecuador
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-01   -21.703745  ...                         0.0  -322.102302
1  2020-03-02    28.903850  ...                         0.0  -271.470699
2  2020-03-03    79.511444  ...                         0.0  -240.601294
3  2020-03-04   130.119038  ...                         0.0  -203.230766
4  2020-03-05   180.726633  ...                         0.0  -122.836181
..        ...          ...  ...                         ...          ...
56 2020-04-26  2812.341226  ...                         0.0  2511.942669
57 2020-04-27  2862.949352  ...                         0.0  2562.574803
58 2020-04-28  2913.557479  ...                         0.0  2593.444740
59 2020-04-29  2964.165605  ...                         0.0  2630.815801
60 2020-04-30  3014.773732  ...                         0.0  2711.210918

[61 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 24.
COUNTRY: Maldives
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-08   0.373343  ...                         0.0   6.516732
1  2020-03-09   0.871012  ...                         0.0   6.517143
2  2020-03-10   1.368682  ...                         0.0   7.184017
3  2020-03-11   1.866351  ...                         0.0   7.850911
4  2020-03-12   2.364020  ...                         0.0   7.851229
5  2020-03-13   2.861689  ...                         0.0   9.184750
6  2020-03-14   3.359358  ...                         0.0   9.758781
7  2020-03-15   3.857027  ...                         0.0  10.000415
8  2020-03-16   4.354688  ...                         0.0  10.000818
9  2020-03-17   4.852279  ...                         0.0  10.667614
10 2020-03-18   5.349786  ...                         0.0  11.334346
11 2020-03-19   5.847257  ...                         0.0  11.334466
12 2020-03-20   6.344727  ...                         0.0  12.667788
13 2020-03-21   6.842196  ...                         0.0  13.241620
14 2020-03-22   7.339666  ...                         0.0  13.483054
15 2020-03-23   7.837135  ...                         0.0  13.483266
16 2020-03-24   8.334605  ...                         0.0  14.149940
17 2020-03-25   8.832074  ...                         0.0  14.816634
18 2020-03-26   9.329544  ...                         0.0  14.816753
19 2020-03-27   9.827014  ...                         0.0  16.150075
20 2020-03-28  10.324483  ...                         0.0  16.723906
21 2020-03-29  10.821953  ...                         0.0  16.965341
22 2020-03-30  11.319422  ...                         0.0  16.965552
23 2020-03-31  11.816892  ...                         0.0  17.632227
24 2020-04-01  12.314361  ...                         0.0  18.298921
25 2020-04-02  12.811831  ...                         0.0  18.299040
26 2020-04-03  13.309300  ...                         0.0  19.632362
27 2020-04-04  13.806770  ...                         0.0  20.206193
28 2020-04-05  14.304240  ...                         0.0  20.447628
29 2020-04-06  14.801709  ...                         0.0  20.447839
30 2020-04-07  15.299179  ...                         0.0  21.114514
31 2020-04-08  15.796648  ...                         0.0  21.781208
32 2020-04-09  16.294118  ...                         0.0  21.781327
33 2020-04-10  16.791587  ...                         0.0  23.114649
34 2020-04-11  17.289057  ...                         0.0  23.688480
35 2020-04-12  17.786526  ...                         0.0  23.929915
36 2020-04-13  18.283996  ...                         0.0  23.930126
37 2020-04-14  18.781466  ...                         0.0  24.596801
38 2020-04-15  19.278935  ...                         0.0  25.263495
39 2020-04-16  19.776405  ...                         0.0  25.263614
40 2020-04-17  20.273874  ...                         0.0  26.596936
41 2020-04-18  20.771344  ...                         0.0  27.170767
42 2020-04-19  21.268813  ...                         0.0  27.412202
43 2020-04-20  21.766283  ...                         0.0  27.412413
44 2020-04-21  22.263752  ...                         0.0  28.079087
45 2020-04-22  22.761222  ...                         0.0  28.745782
46 2020-04-23  23.258692  ...                         0.0  28.745901
47 2020-04-24  23.756161  ...                         0.0  30.079223
48 2020-04-25  24.253631  ...                         0.0  30.653054
49 2020-04-26  24.751100  ...                         0.0  30.894489
50 2020-04-27  25.248570  ...                         0.0  30.894700
51 2020-04-28  25.746039  ...                         0.0  31.561374
52 2020-04-29  26.243509  ...                         0.0  32.228069
53 2020-04-30  26.740978  ...                         0.0  32.228188

[54 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 16.
COUNTRY: Algeria
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-02-25   -4.431846  ...                         0.0  -69.185447
1  2020-02-26    5.509153  ...                         0.0  -57.388443
2  2020-02-27   15.450152  ...                         0.0  -40.992317
3  2020-02-28   25.391151  ...                         0.0  -30.596108
4  2020-02-29   35.332150  ...                         0.0  -55.887732
..        ...         ...  ...                         ...         ...
61 2020-04-26  602.059754  ...                         0.0  519.645624
62 2020-04-27  612.002710  ...                         0.0  529.144493
63 2020-04-28  621.945666  ...                         0.0  557.192065
64 2020-04-29  631.888622  ...                         0.0  568.991026
65 2020-04-30  641.831578  ...                         0.0  585.389108

[66 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 12.
COUNTRY: Alberta
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-06    -6.047015  ...                         0.0   -64.750231
1  2020-03-07    17.209400  ...                         0.0   -87.471726
2  2020-03-08    40.465815  ...                         0.0   -62.147787
3  2020-03-09    63.722230  ...                         0.0   -41.491454
4  2020-03-10    86.978646  ...                         0.0   -16.169695
5  2020-03-11   110.235061  ...                         0.0    -4.849693
6  2020-03-12   133.491476  ...                         0.0    45.134915
7  2020-03-13   156.747892  ...                         0.0    98.044676
8  2020-03-14   180.005846  ...                         0.0    75.324720
9  2020-03-15   203.263800  ...                         0.0   100.650198
10 2020-03-16   226.522589  ...                         0.0   121.308905
11 2020-03-17   249.782874  ...                         0.0   146.634534
12 2020-03-18   273.047102  ...                         0.0   157.962347
13 2020-03-19   296.313825  ...                         0.0   207.957263
14 2020-03-20   319.580549  ...                         0.0   260.877333
15 2020-03-21   342.847439  ...                         0.0   238.166313
16 2020-03-22   366.114329  ...                         0.0   263.500726
17 2020-03-23   389.381218  ...                         0.0   284.167534
18 2020-03-24   412.648108  ...                         0.0   309.499768
19 2020-03-25   435.914998  ...                         0.0   320.830244
20 2020-03-26   459.181888  ...                         0.0   370.825326
21 2020-03-27   482.448778  ...                         0.0   423.745562
22 2020-03-28   505.715668  ...                         0.0   401.034542
23 2020-03-29   528.982558  ...                         0.0   426.368955
24 2020-03-30   552.249448  ...                         0.0   447.035764
25 2020-03-31   575.516338  ...                         0.0   472.367997
26 2020-04-01   598.783228  ...                         0.0   483.698473
27 2020-04-02   622.050117  ...                         0.0   533.693556
28 2020-04-03   645.317007  ...                         0.0   586.613791
29 2020-04-04   668.583897  ...                         0.0   563.902771
30 2020-04-05   691.850787  ...                         0.0   589.237185
31 2020-04-06   715.117677  ...                         0.0   609.903993
32 2020-04-07   738.384567  ...                         0.0   635.236226
33 2020-04-08   761.651457  ...                         0.0   646.566703
34 2020-04-09   784.918347  ...                         0.0   696.561785
35 2020-04-10   808.185237  ...                         0.0   749.482021
36 2020-04-11   831.452127  ...                         0.0   726.771001
37 2020-04-12   854.719016  ...                         0.0   752.105414
38 2020-04-13   877.985906  ...                         0.0   772.772222
39 2020-04-14   901.252796  ...                         0.0   798.104456
40 2020-04-15   924.519686  ...                         0.0   809.434932
41 2020-04-16   947.786576  ...                         0.0   859.430014
42 2020-04-17   971.053466  ...                         0.0   912.350250
43 2020-04-18   994.320356  ...                         0.0   889.639230
44 2020-04-19  1017.587246  ...                         0.0   914.973643
45 2020-04-20  1040.854136  ...                         0.0   935.640451
46 2020-04-21  1064.121026  ...                         0.0   960.972685
47 2020-04-22  1087.387915  ...                         0.0   972.303161
48 2020-04-23  1110.654805  ...                         0.0  1022.298244
49 2020-04-24  1133.921695  ...                         0.0  1075.218479
50 2020-04-25  1157.188585  ...                         0.0  1052.507459
51 2020-04-26  1180.455475  ...                         0.0  1077.841873
52 2020-04-27  1203.722365  ...                         0.0  1098.508681
53 2020-04-28  1226.989255  ...                         0.0  1123.840914
54 2020-04-29  1250.256145  ...                         0.0  1135.171391
55 2020-04-30  1273.523035  ...                         0.0  1185.166473

[56 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 7.
COUNTRY: Turkey
           ds         trend  ...  multiplicative_terms_upper          yhat
0  2020-03-11    -62.963722  ...                         0.0   -950.359210
1  2020-03-12    193.334945  ...                         0.0   -520.494797
2  2020-03-13    449.633605  ...                         0.0    226.039476
3  2020-03-14    705.932266  ...                         0.0   -559.239281
4  2020-03-15    962.230918  ...                         0.0   -275.958368
5  2020-03-16   1218.529565  ...                         0.0   -123.678331
6  2020-03-17   1474.828229  ...                         0.0     62.102337
7  2020-03-18   1731.126890  ...                         0.0    843.731402
8  2020-03-19   1987.425553  ...                         0.0   1273.595812
9  2020-03-20   2243.724238  ...                         0.0   2020.130109
10 2020-03-21   2500.022918  ...                         0.0   1234.851371
11 2020-03-22   2756.321618  ...                         0.0   1518.132332
12 2020-03-23   3012.620328  ...                         0.0   1670.412432
13 2020-03-24   3268.919056  ...                         0.0   1856.193165
14 2020-03-25   3525.217785  ...                         0.0   2637.822297
15 2020-03-26   3781.516513  ...                         0.0   3067.686771
16 2020-03-27   4037.815241  ...                         0.0   3814.221112
17 2020-03-28   4294.113970  ...                         0.0   3028.942423
18 2020-03-29   4550.412698  ...                         0.0   3312.223412
19 2020-03-30   4806.711426  ...                         0.0   3464.503530
20 2020-03-31   5063.010155  ...                         0.0   3650.284263
21 2020-04-01   5319.308883  ...                         0.0   4431.913395
22 2020-04-02   5575.607612  ...                         0.0   4861.777870
23 2020-04-03   5831.906340  ...                         0.0   5608.312211
24 2020-04-04   6088.205068  ...                         0.0   4823.033522
25 2020-04-05   6344.503797  ...                         0.0   5106.314510
26 2020-04-06   6600.802525  ...                         0.0   5258.594629
27 2020-04-07   6857.101253  ...                         0.0   5444.375362
28 2020-04-08   7113.399982  ...                         0.0   6226.004494
29 2020-04-09   7369.698710  ...                         0.0   6655.868968
30 2020-04-10   7625.997438  ...                         0.0   7402.403309
31 2020-04-11   7882.296167  ...                         0.0   6617.124620
32 2020-04-12   8138.594895  ...                         0.0   6900.405609
33 2020-04-13   8394.893624  ...                         0.0   7052.685727
34 2020-04-14   8651.192352  ...                         0.0   7238.466460
35 2020-04-15   8907.491080  ...                         0.0   8020.095592
36 2020-04-16   9163.789809  ...                         0.0   8449.960067
37 2020-04-17   9420.088537  ...                         0.0   9196.494408
38 2020-04-18   9676.387265  ...                         0.0   8411.215719
39 2020-04-19   9932.685994  ...                         0.0   8694.496707
40 2020-04-20  10188.984722  ...                         0.0   8846.776826
41 2020-04-21  10445.283450  ...                         0.0   9032.557559
42 2020-04-22  10701.582179  ...                         0.0   9814.186691
43 2020-04-23  10957.880907  ...                         0.0  10244.051165
44 2020-04-24  11214.179636  ...                         0.0  10990.585507
45 2020-04-25  11470.478364  ...                         0.0  10205.306817
46 2020-04-26  11726.777092  ...                         0.0  10488.587806
47 2020-04-27  11983.075821  ...                         0.0  10640.867924
48 2020-04-28  12239.374549  ...                         0.0  10826.648657
49 2020-04-29  12495.673277  ...                         0.0  11608.277789
50 2020-04-30  12751.972006  ...                         0.0  12038.142264

[51 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 17.
COUNTRY: Gambia
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-17   0.029433  ...                         0.0   0.500358
1  2020-03-18   0.293053  ...                         0.0   0.763978
2  2020-03-19   0.556672  ...                         0.0   1.027598
3  2020-03-20   0.820292  ...                         0.0   1.291217
4  2020-03-21   1.083911  ...                         0.0   1.554837
5  2020-03-22   1.347531  ...                         0.0   1.818456
6  2020-03-23   1.611151  ...                         0.0   2.082076
7  2020-03-24   1.874770  ...                         0.0   2.345695
8  2020-03-25   2.138390  ...                         0.0   2.609315
9  2020-03-26   2.402009  ...                         0.0   2.872935
10 2020-03-27   2.665629  ...                         0.0   3.136554
11 2020-03-28   2.929248  ...                         0.0   3.400174
12 2020-03-29   3.192868  ...                         0.0   3.663793
13 2020-03-30   3.456488  ...                         0.0   3.927413
14 2020-03-31   3.720107  ...                         0.0   4.191032
15 2020-04-01   3.983727  ...                         0.0   4.454652
16 2020-04-02   4.247346  ...                         0.0   4.718272
17 2020-04-03   4.510966  ...                         0.0   4.981891
18 2020-04-04   4.774585  ...                         0.0   5.245511
19 2020-04-05   5.038205  ...                         0.0   5.509130
20 2020-04-06   5.301825  ...                         0.0   5.772750
21 2020-04-07   5.565444  ...                         0.0   6.036369
22 2020-04-08   5.829064  ...                         0.0   6.299989
23 2020-04-09   6.092683  ...                         0.0   6.563608
24 2020-04-10   6.356303  ...                         0.0   6.827228
25 2020-04-11   6.619922  ...                         0.0   7.090848
26 2020-04-12   6.883542  ...                         0.0   7.354467
27 2020-04-13   7.147162  ...                         0.0   7.618087
28 2020-04-14   7.410781  ...                         0.0   7.881706
29 2020-04-15   7.674401  ...                         0.0   8.145326
30 2020-04-16   7.938020  ...                         0.0   8.408945
31 2020-04-17   8.201640  ...                         0.0   8.672565
32 2020-04-18   8.465259  ...                         0.0   8.936185
33 2020-04-19   8.728879  ...                         0.0   9.199804
34 2020-04-20   8.992499  ...                         0.0   9.463424
35 2020-04-21   9.256118  ...                         0.0   9.727043
36 2020-04-22   9.519738  ...                         0.0   9.990663
37 2020-04-23   9.783357  ...                         0.0  10.254282
38 2020-04-24  10.046977  ...                         0.0  10.517902
39 2020-04-25  10.310596  ...                         0.0  10.781522
40 2020-04-26  10.574216  ...                         0.0  11.045141
41 2020-04-27  10.837835  ...                         0.0  11.308761
42 2020-04-28  11.101455  ...                         0.0  11.572380
43 2020-04-29  11.365075  ...                         0.0  11.836000
44 2020-04-30  11.628694  ...                         0.0  12.099619

[45 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 23.
COUNTRY: Bosnia and Herzegovina
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-05   -2.653305  ...                         0.0  -36.497441
1  2020-03-06    7.182788  ...                         0.0  -17.990522
2  2020-03-07   17.018881  ...                         0.0  -30.832914
3  2020-03-08   26.854974  ...                         0.0  -17.826825
4  2020-03-09   36.691066  ...                         0.0  -14.156251
5  2020-03-10   46.527160  ...                         0.0   -3.151300
6  2020-03-11   56.363253  ...                         0.0    4.857448
7  2020-03-12   66.199346  ...                         0.0   32.355210
8  2020-03-13   76.035440  ...                         0.0   50.862130
9  2020-03-14   85.871534  ...                         0.0   38.019740
10 2020-03-15   95.708051  ...                         0.0   51.026253
11 2020-03-16  105.545192  ...                         0.0   54.697874
12 2020-03-17  115.383637  ...                         0.0   65.705177
13 2020-03-18  125.223391  ...                         0.0   73.717585
14 2020-03-19  135.063545  ...                         0.0  101.219409
15 2020-03-20  144.903701  ...                         0.0  119.730391
16 2020-03-21  154.744332  ...                         0.0  106.892537
17 2020-03-22  164.584977  ...                         0.0  119.903179
18 2020-03-23  174.425622  ...                         0.0  123.578305
19 2020-03-24  184.266267  ...                         0.0  134.587807
20 2020-03-25  194.106912  ...                         0.0  142.601107
21 2020-03-26  203.947557  ...                         0.0  170.103420
22 2020-03-27  213.788202  ...                         0.0  188.614892
23 2020-03-28  223.628847  ...                         0.0  175.777052
24 2020-03-29  233.469492  ...                         0.0  188.787693
25 2020-03-30  243.310137  ...                         0.0  192.462819
26 2020-03-31  253.150781  ...                         0.0  203.472322
27 2020-04-01  262.991426  ...                         0.0  211.485621
28 2020-04-02  272.832071  ...                         0.0  238.987935
29 2020-04-03  282.672716  ...                         0.0  257.499406
30 2020-04-04  292.513361  ...                         0.0  244.661567
31 2020-04-05  302.354006  ...                         0.0  257.672208
32 2020-04-06  312.194651  ...                         0.0  261.347334
33 2020-04-07  322.035296  ...                         0.0  272.356837
34 2020-04-08  331.875941  ...                         0.0  280.370136
35 2020-04-09  341.716586  ...                         0.0  307.872450
36 2020-04-10  351.557231  ...                         0.0  326.383921
37 2020-04-11  361.397876  ...                         0.0  313.546082
38 2020-04-12  371.238521  ...                         0.0  326.556723
39 2020-04-13  381.079166  ...                         0.0  330.231849
40 2020-04-14  390.919811  ...                         0.0  341.241351
41 2020-04-15  400.760456  ...                         0.0  349.254651
42 2020-04-16  410.601101  ...                         0.0  376.756965
43 2020-04-17  420.441746  ...                         0.0  395.268436
44 2020-04-18  430.282391  ...                         0.0  382.430596
45 2020-04-19  440.123036  ...                         0.0  395.441238
46 2020-04-20  449.963681  ...                         0.0  399.116364
47 2020-04-21  459.804326  ...                         0.0  410.125866
48 2020-04-22  469.644971  ...                         0.0  418.139166
49 2020-04-23  479.485616  ...                         0.0  445.641480
50 2020-04-24  489.326261  ...                         0.0  464.152951
51 2020-04-25  499.166906  ...                         0.0  451.315111
52 2020-04-26  509.007551  ...                         0.0  464.325753
53 2020-04-27  518.848196  ...                         0.0  468.000879
54 2020-04-28  528.688841  ...                         0.0  479.010381
55 2020-04-29  538.529486  ...                         0.0  487.023681
56 2020-04-30  548.370131  ...                         0.0  514.525995

[57 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: North Macedonia
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-02-26   -2.484722  ...                         0.0  -39.051745
1  2020-02-27    3.460438  ...                         0.0  -31.653091
2  2020-02-28    9.405598  ...                         0.0  -22.456059
3  2020-02-29   15.350758  ...                         0.0  -36.675839
4  2020-03-01   21.295917  ...                         0.0  -29.177282
..        ...         ...  ...                         ...         ...
60 2020-04-26  354.281899  ...                         0.0  303.808700
61 2020-04-27  360.228322  ...                         0.0  310.059859
62 2020-04-28  366.174745  ...                         0.0  316.061151
63 2020-04-29  372.121168  ...                         0.0  335.554145
64 2020-04-30  378.067591  ...                         0.0  342.954062

[65 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 16.
COUNTRY: Illinois
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-10   -33.894900  ...                         0.0  -509.747862
1  2020-03-11   120.354244  ...                         0.0  -395.748043
2  2020-03-12   274.603389  ...                         0.0   -82.417724
3  2020-03-13   428.852533  ...                         0.0   138.580107
4  2020-03-14   583.101677  ...                         0.0  -131.369092
5  2020-03-15   737.350822  ...                         0.0    31.129614
6  2020-03-16   891.599966  ...                         0.0   155.129151
7  2020-03-17  1045.849111  ...                         0.0   569.996149
8  2020-03-18  1200.098268  ...                         0.0   683.995981
9  2020-03-19  1354.347426  ...                         0.0   997.326314
10 2020-03-20  1508.597985  ...                         0.0  1218.325559
11 2020-03-21  1662.849345  ...                         0.0   948.378576
12 2020-03-22  1817.100704  ...                         0.0  1110.879497
13 2020-03-23  1971.352064  ...                         0.0  1234.881249
14 2020-03-24  2125.603424  ...                         0.0  1649.750462
15 2020-03-25  2279.854784  ...                         0.0  1763.752497
16 2020-03-26  2434.106144  ...                         0.0  2077.085031
17 2020-03-27  2588.357504  ...                         0.0  2298.085078
18 2020-03-28  2742.608864  ...                         0.0  2028.138095
19 2020-03-29  2896.860224  ...                         0.0  2190.639016
20 2020-03-30  3051.111584  ...                         0.0  2314.640768
21 2020-03-31  3205.362944  ...                         0.0  2729.509982
22 2020-04-01  3359.614304  ...                         0.0  2843.512016
23 2020-04-02  3513.865664  ...                         0.0  3156.844551
24 2020-04-03  3668.117023  ...                         0.0  3377.844598
25 2020-04-04  3822.368383  ...                         0.0  3107.897614
26 2020-04-05  3976.619743  ...                         0.0  3270.398536
27 2020-04-06  4130.871103  ...                         0.0  3394.400288
28 2020-04-07  4285.122463  ...                         0.0  3809.269502
29 2020-04-08  4439.373823  ...                         0.0  3923.271536
30 2020-04-09  4593.625183  ...                         0.0  4236.604071
31 2020-04-10  4747.876543  ...                         0.0  4457.604117
32 2020-04-11  4902.127903  ...                         0.0  4187.657134
33 2020-04-12  5056.379263  ...                         0.0  4350.158055
34 2020-04-13  5210.630623  ...                         0.0  4474.159808
35 2020-04-14  5364.881983  ...                         0.0  4889.029021
36 2020-04-15  5519.133343  ...                         0.0  5003.031056
37 2020-04-16  5673.384703  ...                         0.0  5316.363590
38 2020-04-17  5827.636063  ...                         0.0  5537.363637
39 2020-04-18  5981.887423  ...                         0.0  5267.416654
40 2020-04-19  6136.138783  ...                         0.0  5429.917575
41 2020-04-20  6290.390142  ...                         0.0  5553.919327
42 2020-04-21  6444.641502  ...                         0.0  5968.788541
43 2020-04-22  6598.892862  ...                         0.0  6082.790575
44 2020-04-23  6753.144222  ...                         0.0  6396.123110
45 2020-04-24  6907.395582  ...                         0.0  6617.123156
46 2020-04-25  7061.646942  ...                         0.0  6347.176173
47 2020-04-26  7215.898302  ...                         0.0  6509.677094
48 2020-04-27  7370.149662  ...                         0.0  6633.678847
49 2020-04-28  7524.401022  ...                         0.0  7048.548060
50 2020-04-29  7678.652382  ...                         0.0  7162.550095
51 2020-04-30  7832.903742  ...                         0.0  7475.882629

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Colombia
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-06    -6.635119  ...                         0.0   -84.045791
1  2020-03-07    17.583120  ...                         0.0   -96.559764
2  2020-03-08    41.801358  ...                         0.0   -80.901253
3  2020-03-09    66.019597  ...                         0.0   -58.903915
4  2020-03-10    90.237836  ...                         0.0   -20.892566
5  2020-03-11   114.456075  ...                         0.0    21.122287
6  2020-03-12   138.674314  ...                         0.0    31.109118
7  2020-03-13   162.892553  ...                         0.0    85.481881
8  2020-03-14   187.110792  ...                         0.0    72.967909
9  2020-03-15   211.329031  ...                         0.0    88.626420
10 2020-03-16   235.547431  ...                         0.0   110.623919
11 2020-03-17   259.765832  ...                         0.0   148.635430
12 2020-03-18   283.984233  ...                         0.0   190.650444
13 2020-03-19   308.202634  ...                         0.0   200.637438
14 2020-03-20   332.421035  ...                         0.0   255.010363
15 2020-03-21   356.639613  ...                         0.0   242.496730
16 2020-03-22   380.858191  ...                         0.0   258.155580
17 2020-03-23   405.076769  ...                         0.0   280.153257
18 2020-03-24   429.295348  ...                         0.0   318.164945
19 2020-03-25   453.513926  ...                         0.0   360.180137
20 2020-03-26   477.732504  ...                         0.0   370.167307
21 2020-03-27   501.951082  ...                         0.0   424.540410
22 2020-03-28   526.169660  ...                         0.0   412.026776
23 2020-03-29   550.388238  ...                         0.0   427.685627
24 2020-03-30   574.606816  ...                         0.0   449.683303
25 2020-03-31   598.825394  ...                         0.0   487.694992
26 2020-04-01   623.043972  ...                         0.0   529.710183
27 2020-04-02   647.262550  ...                         0.0   539.697353
28 2020-04-03   671.481128  ...                         0.0   594.070456
29 2020-04-04   695.699706  ...                         0.0   581.556823
30 2020-04-05   719.918284  ...                         0.0   597.215673
31 2020-04-06   744.136862  ...                         0.0   619.213350
32 2020-04-07   768.355440  ...                         0.0   657.225038
33 2020-04-08   792.574018  ...                         0.0   699.240229
34 2020-04-09   816.792596  ...                         0.0   709.227400
35 2020-04-10   841.011174  ...                         0.0   763.600502
36 2020-04-11   865.229752  ...                         0.0   751.086869
37 2020-04-12   889.448330  ...                         0.0   766.745719
38 2020-04-13   913.666908  ...                         0.0   788.743396
39 2020-04-14   937.885486  ...                         0.0   826.755084
40 2020-04-15   962.104064  ...                         0.0   868.770276
41 2020-04-16   986.322642  ...                         0.0   878.757446
42 2020-04-17  1010.541220  ...                         0.0   933.130548
43 2020-04-18  1034.759798  ...                         0.0   920.616915
44 2020-04-19  1058.978376  ...                         0.0   936.275765
45 2020-04-20  1083.196954  ...                         0.0   958.273442
46 2020-04-21  1107.415532  ...                         0.0   996.285130
47 2020-04-22  1131.634110  ...                         0.0  1038.300322
48 2020-04-23  1155.852688  ...                         0.0  1048.287492
49 2020-04-24  1180.071266  ...                         0.0  1102.660595
50 2020-04-25  1204.289845  ...                         0.0  1090.146961
51 2020-04-26  1228.508423  ...                         0.0  1105.805812
52 2020-04-27  1252.727001  ...                         0.0  1127.803488
53 2020-04-28  1276.945579  ...                         0.0  1165.815177
54 2020-04-29  1301.164157  ...                         0.0  1207.830368
55 2020-04-30  1325.382735  ...                         0.0  1217.817538

[56 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Heilongjiang
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-01-23   -3.389150  ...                         0.0  -54.172672
1  2020-01-24   17.166058  ...                         0.0  -32.567801
2  2020-01-25   37.721267  ...                         0.0  -14.848684
3  2020-01-26   58.276476  ...                         0.0    2.360588
4  2020-01-27   78.831684  ...                         0.0   21.988457
..        ...         ...  ...                         ...         ...
94 2020-04-26  553.619979  ...                         0.0  497.704091
95 2020-04-27  553.996449  ...                         0.0  497.153222
96 2020-04-28  554.372920  ...                         0.0  498.157956
97 2020-04-29  554.749391  ...                         0.0  497.274391
98 2020-04-30  555.125861  ...                         0.0  504.342340

[99 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Indiana
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-10    -8.547484  ...                         0.0  -149.312219
1  2020-03-11    32.024003  ...                         0.0  -108.283895
2  2020-03-12    72.595491  ...                         0.0   -44.588617
3  2020-03-13   113.166978  ...                         0.0    75.457553
4  2020-03-14   153.738466  ...                         0.0   -69.999655
5  2020-03-15   194.309953  ...                         0.0   -29.981559
6  2020-03-16   234.881441  ...                         0.0     5.552711
7  2020-03-17   275.452928  ...                         0.0   134.688194
8  2020-03-18   316.024416  ...                         0.0   175.716517
9  2020-03-19   356.596010  ...                         0.0   239.411903
10 2020-03-20   397.167605  ...                         0.0   359.458179
11 2020-03-21   437.739200  ...                         0.0   214.001079
12 2020-03-22   478.310795  ...                         0.0   254.019283
13 2020-03-23   518.882391  ...                         0.0   289.553661
14 2020-03-24   559.453986  ...                         0.0   418.689252
15 2020-03-25   600.025582  ...                         0.0   459.717684
16 2020-03-26   640.597178  ...                         0.0   523.413071
17 2020-03-27   681.168774  ...                         0.0   643.459348
18 2020-03-28   721.740370  ...                         0.0   498.002249
19 2020-03-29   762.311966  ...                         0.0   538.020454
20 2020-03-30   802.883562  ...                         0.0   573.554832
21 2020-03-31   843.455157  ...                         0.0   702.690423
22 2020-04-01   884.026753  ...                         0.0   743.718855
23 2020-04-02   924.598349  ...                         0.0   807.414242
24 2020-04-03   965.169945  ...                         0.0   927.460519
25 2020-04-04  1005.741541  ...                         0.0   782.003420
26 2020-04-05  1046.313137  ...                         0.0   822.021625
27 2020-04-06  1086.884733  ...                         0.0   857.556003
28 2020-04-07  1127.456329  ...                         0.0   986.691594
29 2020-04-08  1168.027924  ...                         0.0  1027.720026
30 2020-04-09  1208.599520  ...                         0.0  1091.415413
31 2020-04-10  1249.171116  ...                         0.0  1211.461691
32 2020-04-11  1289.742712  ...                         0.0  1066.004591
33 2020-04-12  1330.314308  ...                         0.0  1106.022796
34 2020-04-13  1370.885904  ...                         0.0  1141.557174
35 2020-04-14  1411.457500  ...                         0.0  1270.692765
36 2020-04-15  1452.029095  ...                         0.0  1311.721197
37 2020-04-16  1492.600691  ...                         0.0  1375.416584
38 2020-04-17  1533.172287  ...                         0.0  1495.462862
39 2020-04-18  1573.743883  ...                         0.0  1350.005762
40 2020-04-19  1614.315479  ...                         0.0  1390.023967
41 2020-04-20  1654.887075  ...                         0.0  1425.558345
42 2020-04-21  1695.458671  ...                         0.0  1554.693936
43 2020-04-22  1736.030266  ...                         0.0  1595.722368
44 2020-04-23  1776.601862  ...                         0.0  1659.417755
45 2020-04-24  1817.173458  ...                         0.0  1779.464033
46 2020-04-25  1857.745054  ...                         0.0  1634.006933
47 2020-04-26  1898.316650  ...                         0.0  1674.025138
48 2020-04-27  1938.888246  ...                         0.0  1709.559516
49 2020-04-28  1979.459842  ...                         0.0  1838.695107
50 2020-04-29  2020.031437  ...                         0.0  1879.723539
51 2020-04-30  2060.603033  ...                         0.0  1943.418926

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 16.
COUNTRY: South Australia
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-02-01   -2.053195  ...                         0.0  -41.002847
1  2020-02-02    0.142875  ...                         0.0  -36.633861
2  2020-02-03    2.338945  ...                         0.0  -31.265462
3  2020-02-04    4.535015  ...                         0.0  -26.771909
4  2020-02-05    6.731084  ...                         0.0  -25.278065
..        ...         ...  ...                         ...         ...
85 2020-04-26  185.042893  ...                         0.0  148.266156
86 2020-04-27  187.246699  ...                         0.0  153.642292
87 2020-04-28  189.450505  ...                         0.0  158.143581
88 2020-04-29  191.654310  ...                         0.0  159.645161
89 2020-04-30  193.858116  ...                         0.0  168.395516

[90 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 11.
COUNTRY: Holy See
           ds     trend  ...  multiplicative_terms_upper      yhat
0  2020-03-06  0.020698  ...                         0.0  0.559299
1  2020-03-07  0.134022  ...                         0.0  0.208394
2  2020-03-08  0.247346  ...                         0.0  0.208538
3  2020-03-09  0.360670  ...                         0.0  0.208633
4  2020-03-10  0.473994  ...                         0.0  1.205551
5  2020-03-11  0.587317  ...                         0.0  1.205647
6  2020-03-12  0.700641  ...                         0.0  1.205742
7  2020-03-13  0.813965  ...                         0.0  1.352566
8  2020-03-14  0.927289  ...                         0.0  1.001661
9  2020-03-15  1.040613  ...                         0.0  1.001805
10 2020-03-16  1.153937  ...                         0.0  1.001899
11 2020-03-17  1.267260  ...                         0.0  1.998818
12 2020-03-18  1.380584  ...                         0.0  1.998914
13 2020-03-19  1.493908  ...                         0.0  1.999009
14 2020-03-20  1.607232  ...                         0.0  2.145833
15 2020-03-21  1.720556  ...                         0.0  1.794928
16 2020-03-22  1.833880  ...                         0.0  1.795072
17 2020-03-23  1.947203  ...                         0.0  1.795166
18 2020-03-24  2.060527  ...                         0.0  2.792085
19 2020-03-25  2.173851  ...                         0.0  2.792180
20 2020-03-26  2.287175  ...                         0.0  2.792276
21 2020-03-27  2.400499  ...                         0.0  2.939100
22 2020-03-28  2.513823  ...                         0.0  2.588195
23 2020-03-29  2.627146  ...                         0.0  2.588339
24 2020-03-30  2.740470  ...                         0.0  2.588433
25 2020-03-31  2.853794  ...                         0.0  3.585352
26 2020-04-01  2.967118  ...                         0.0  3.585447
27 2020-04-02  3.080442  ...                         0.0  3.585543
28 2020-04-03  3.193766  ...                         0.0  3.732367
29 2020-04-04  3.307089  ...                         0.0  3.381462
30 2020-04-05  3.420413  ...                         0.0  3.381606
31 2020-04-06  3.533737  ...                         0.0  3.381700
32 2020-04-07  3.647061  ...                         0.0  4.378619
33 2020-04-08  3.760385  ...                         0.0  4.378714
34 2020-04-09  3.873709  ...                         0.0  4.378810
35 2020-04-10  3.987032  ...                         0.0  4.525634
36 2020-04-11  4.100356  ...                         0.0  4.174728
37 2020-04-12  4.213680  ...                         0.0  4.174872
38 2020-04-13  4.327004  ...                         0.0  4.174967
39 2020-04-14  4.440328  ...                         0.0  5.171886
40 2020-04-15  4.553652  ...                         0.0  5.171981
41 2020-04-16  4.666975  ...                         0.0  5.172077
42 2020-04-17  4.780299  ...                         0.0  5.318900
43 2020-04-18  4.893623  ...                         0.0  4.967995
44 2020-04-19  5.006947  ...                         0.0  4.968139
45 2020-04-20  5.120271  ...                         0.0  4.968234
46 2020-04-21  5.233595  ...                         0.0  5.965153
47 2020-04-22  5.346918  ...                         0.0  5.965248
48 2020-04-23  5.460242  ...                         0.0  5.965344
49 2020-04-24  5.573566  ...                         0.0  6.112167
50 2020-04-25  5.686890  ...                         0.0  5.761262
51 2020-04-26  5.800214  ...                         0.0  5.761406
52 2020-04-27  5.913538  ...                         0.0  5.761501
53 2020-04-28  6.026862  ...                         0.0  6.758419
54 2020-04-29  6.140185  ...                         0.0  6.758515
55 2020-04-30  6.253509  ...                         0.0  6.758611

[56 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Kazakhstan
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-13   -0.501032  ...                         0.0    8.253279
1  2020-03-14    7.984478  ...                         0.0   -0.206239
2  2020-03-15   16.469988  ...                         0.0    4.797962
3  2020-03-16   24.955499  ...                         0.0    6.304995
4  2020-03-17   33.441009  ...                         0.0   22.799886
5  2020-03-18   41.926519  ...                         0.0   28.303420
6  2020-03-19   50.412029  ...                         0.0   47.795621
7  2020-03-20   58.897540  ...                         0.0   67.651851
8  2020-03-21   67.383050  ...                         0.0   59.192332
9  2020-03-22   75.868653  ...                         0.0   64.196627
10 2020-03-23   84.354257  ...                         0.0   65.703753
11 2020-03-24   92.839860  ...                         0.0   82.198737
12 2020-03-25  101.325985  ...                         0.0   87.702886
13 2020-03-26  109.812109  ...                         0.0  107.195701
14 2020-03-27  118.298234  ...                         0.0  127.052545
15 2020-03-28  126.784359  ...                         0.0  118.593641
16 2020-03-29  135.270483  ...                         0.0  123.598456
17 2020-03-30  143.756608  ...                         0.0  125.106104
18 2020-03-31  152.242732  ...                         0.0  141.601609
19 2020-04-01  160.728857  ...                         0.0  147.105758
20 2020-04-02  169.214981  ...                         0.0  166.598573
21 2020-04-03  177.701106  ...                         0.0  186.455417
22 2020-04-04  186.187231  ...                         0.0  177.996513
23 2020-04-05  194.673355  ...                         0.0  183.001328
24 2020-04-06  203.159480  ...                         0.0  184.508976
25 2020-04-07  211.645604  ...                         0.0  201.004481
26 2020-04-08  220.131729  ...                         0.0  206.508630
27 2020-04-09  228.617853  ...                         0.0  226.001445
28 2020-04-10  237.103978  ...                         0.0  245.858289
29 2020-04-11  245.590102  ...                         0.0  237.399385
30 2020-04-12  254.076227  ...                         0.0  242.404200
31 2020-04-13  262.562352  ...                         0.0  243.911848
32 2020-04-14  271.048476  ...                         0.0  260.407353
33 2020-04-15  279.534601  ...                         0.0  265.911502
34 2020-04-16  288.020725  ...                         0.0  285.404317
35 2020-04-17  296.506850  ...                         0.0  305.261161
36 2020-04-18  304.992974  ...                         0.0  296.802257
37 2020-04-19  313.479099  ...                         0.0  301.807072
38 2020-04-20  321.965224  ...                         0.0  303.314720
39 2020-04-21  330.451348  ...                         0.0  319.810225
40 2020-04-22  338.937473  ...                         0.0  325.314374
41 2020-04-23  347.423597  ...                         0.0  344.807189
42 2020-04-24  355.909722  ...                         0.0  364.664033
43 2020-04-25  364.395846  ...                         0.0  356.205129
44 2020-04-26  372.881971  ...                         0.0  361.209944
45 2020-04-27  381.368096  ...                         0.0  362.717592
46 2020-04-28  389.854220  ...                         0.0  379.213097
47 2020-04-29  398.340345  ...                         0.0  384.717245
48 2020-04-30  406.826469  ...                         0.0  404.210061

[49 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 16.
COUNTRY: Oklahoma
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-10   -3.209484  ...                         0.0  -54.612568
1  2020-03-11   10.640810  ...                         0.0  -35.282535
2  2020-03-12   24.491104  ...                         0.0    1.052869
3  2020-03-13   38.341398  ...                         0.0   27.385130
4  2020-03-14   52.191692  ...                         0.0  -19.969817
5  2020-03-15   66.041986  ...                         0.0  -11.477771
6  2020-03-16   79.892279  ...                         0.0   -2.988170
7  2020-03-17   93.742573  ...                         0.0   42.339489
8  2020-03-18  107.592867  ...                         0.0   61.669522
9  2020-03-19  121.443161  ...                         0.0   98.004926
10 2020-03-20  135.293455  ...                         0.0  124.337187
11 2020-03-21  149.143749  ...                         0.0   76.982241
12 2020-03-22  162.994043  ...                         0.0   85.474287
13 2020-03-23  176.844338  ...                         0.0   93.963889
14 2020-03-24  190.694632  ...                         0.0  139.291548
15 2020-03-25  204.544926  ...                         0.0  158.621581
16 2020-03-26  218.395220  ...                         0.0  194.956985
17 2020-03-27  232.245514  ...                         0.0  221.289246
18 2020-03-28  246.095809  ...                         0.0  173.934300
19 2020-03-29  259.946103  ...                         0.0  182.426346
20 2020-03-30  273.796397  ...                         0.0  190.915948
21 2020-03-31  287.646691  ...                         0.0  236.243607
22 2020-04-01  301.496985  ...                         0.0  255.573640
23 2020-04-02  315.347279  ...                         0.0  291.909045
24 2020-04-03  329.197574  ...                         0.0  318.241305
25 2020-04-04  343.047868  ...                         0.0  270.886360
26 2020-04-05  356.898162  ...                         0.0  279.378406
27 2020-04-06  370.748456  ...                         0.0  287.868007
28 2020-04-07  384.598750  ...                         0.0  333.195666
29 2020-04-08  398.449044  ...                         0.0  352.525699
30 2020-04-09  412.299339  ...                         0.0  388.861104
31 2020-04-10  426.149633  ...                         0.0  415.193365
32 2020-04-11  439.999927  ...                         0.0  367.838419
33 2020-04-12  453.850221  ...                         0.0  376.330465
34 2020-04-13  467.700515  ...                         0.0  384.820066
35 2020-04-14  481.550810  ...                         0.0  430.147725
36 2020-04-15  495.401104  ...                         0.0  449.477759
37 2020-04-16  509.251398  ...                         0.0  485.813163
38 2020-04-17  523.101692  ...                         0.0  512.145424
39 2020-04-18  536.951986  ...                         0.0  464.790478
40 2020-04-19  550.802280  ...                         0.0  473.282524
41 2020-04-20  564.652575  ...                         0.0  481.772126
42 2020-04-21  578.502869  ...                         0.0  527.099785
43 2020-04-22  592.353163  ...                         0.0  546.429818
44 2020-04-23  606.203457  ...                         0.0  582.765222
45 2020-04-24  620.053751  ...                         0.0  609.097483
46 2020-04-25  633.904046  ...                         0.0  561.742537
47 2020-04-26  647.754340  ...                         0.0  570.234583
48 2020-04-27  661.604634  ...                         0.0  578.724185
49 2020-04-28  675.454928  ...                         0.0  624.051844
50 2020-04-29  689.305222  ...                         0.0  643.381877
51 2020-04-30  703.155516  ...                         0.0  679.717282

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 11.
COUNTRY: Serbia
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-06    -5.389805  ...                         0.0   -55.342723
1  2020-03-07    14.841729  ...                         0.0   -69.063112
2  2020-03-08    35.073263  ...                         0.0   -51.403543
3  2020-03-09    55.304797  ...                         0.0   -40.110673
4  2020-03-10    75.536331  ...                         0.0   -17.418158
5  2020-03-11    95.767865  ...                         0.0    18.013067
6  2020-03-12   115.999400  ...                         0.0    26.961031
7  2020-03-13   136.230934  ...                         0.0    86.278016
8  2020-03-14   156.462468  ...                         0.0    72.557627
9  2020-03-15   176.696011  ...                         0.0    90.219205
10 2020-03-16   196.929555  ...                         0.0   101.514084
11 2020-03-17   217.163197  ...                         0.0   124.208708
12 2020-03-18   237.396840  ...                         0.0   159.642041
13 2020-03-19   257.630483  ...                         0.0   168.592115
14 2020-03-20   277.864191  ...                         0.0   227.911273
15 2020-03-21   298.097901  ...                         0.0   214.193060
16 2020-03-22   318.331610  ...                         0.0   231.854804
17 2020-03-23   338.565320  ...                         0.0   243.149849
18 2020-03-24   358.799029  ...                         0.0   265.844540
19 2020-03-25   379.032739  ...                         0.0   301.277940
20 2020-03-26   399.266448  ...                         0.0   310.228079
21 2020-03-27   419.500157  ...                         0.0   369.547239
22 2020-03-28   439.733867  ...                         0.0   355.829026
23 2020-03-29   459.967576  ...                         0.0   373.490769
24 2020-03-30   480.201285  ...                         0.0   384.785815
25 2020-03-31   500.434995  ...                         0.0   407.480506
26 2020-04-01   520.668704  ...                         0.0   442.913905
27 2020-04-02   540.902414  ...                         0.0   451.864045
28 2020-04-03   561.136123  ...                         0.0   511.183205
29 2020-04-04   581.369832  ...                         0.0   497.464991
30 2020-04-05   601.603542  ...                         0.0   515.126735
31 2020-04-06   621.837251  ...                         0.0   526.421781
32 2020-04-07   642.070960  ...                         0.0   549.116471
33 2020-04-08   662.304670  ...                         0.0   584.549871
34 2020-04-09   682.538379  ...                         0.0   593.500010
35 2020-04-10   702.772089  ...                         0.0   652.819170
36 2020-04-11   723.005798  ...                         0.0   639.100957
37 2020-04-12   743.239507  ...                         0.0   656.762701
38 2020-04-13   763.473217  ...                         0.0   668.057746
39 2020-04-14   783.706926  ...                         0.0   690.752437
40 2020-04-15   803.940635  ...                         0.0   726.185837
41 2020-04-16   824.174345  ...                         0.0   735.135976
42 2020-04-17   844.408054  ...                         0.0   794.455136
43 2020-04-18   864.641764  ...                         0.0   780.736922
44 2020-04-19   884.875473  ...                         0.0   798.398666
45 2020-04-20   905.109182  ...                         0.0   809.693712
46 2020-04-21   925.342892  ...                         0.0   832.388402
47 2020-04-22   945.576601  ...                         0.0   867.821802
48 2020-04-23   965.810310  ...                         0.0   876.771942
49 2020-04-24   986.044020  ...                         0.0   936.091102
50 2020-04-25  1006.277729  ...                         0.0   922.372888
51 2020-04-26  1026.511439  ...                         0.0   940.034632
52 2020-04-27  1046.745148  ...                         0.0   951.329678
53 2020-04-28  1066.978857  ...                         0.0   974.024368
54 2020-04-29  1087.212567  ...                         0.0  1009.457768
55 2020-04-30  1107.446276  ...                         0.0  1018.407907

[56 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Cayman Islands
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-13  -0.022758  ...                         0.0   0.105947
1  2020-03-14   0.533277  ...                         0.0   0.054623
2  2020-03-15   1.089311  ...                         0.0   0.054293
3  2020-03-16   1.645345  ...                         0.0   1.053490
4  2020-03-17   2.201379  ...                         0.0   1.552871
5  2020-03-18   2.757413  ...                         0.0   2.551826
6  2020-03-19   3.313449  ...                         0.0   3.550783
7  2020-03-20   3.869484  ...                         0.0   3.998189
8  2020-03-21   4.425532  ...                         0.0   3.946878
9  2020-03-22   4.981579  ...                         0.0   3.946561
10 2020-03-23   5.537626  ...                         0.0   4.945771
11 2020-03-24   6.093673  ...                         0.0   5.445165
12 2020-03-25   6.649720  ...                         0.0   6.444133
13 2020-03-26   7.205768  ...                         0.0   7.443102
14 2020-03-27   7.761815  ...                         0.0   7.890519
15 2020-03-28   8.317862  ...                         0.0   7.839209
16 2020-03-29   8.873909  ...                         0.0   7.838891
17 2020-03-30   9.429957  ...                         0.0   8.838102
18 2020-03-31   9.986004  ...                         0.0   9.337496
19 2020-04-01  10.542051  ...                         0.0  10.336463
20 2020-04-02  11.098098  ...                         0.0  11.335432
21 2020-04-03  11.654145  ...                         0.0  11.782850
22 2020-04-04  12.210193  ...                         0.0  11.731539
23 2020-04-05  12.766240  ...                         0.0  11.731222
24 2020-04-06  13.322287  ...                         0.0  12.730432
25 2020-04-07  13.878334  ...                         0.0  13.229826
26 2020-04-08  14.434382  ...                         0.0  14.228794
27 2020-04-09  14.990429  ...                         0.0  15.227763
28 2020-04-10  15.546476  ...                         0.0  15.675180
29 2020-04-11  16.102523  ...                         0.0  15.623870
30 2020-04-12  16.658570  ...                         0.0  15.623552
31 2020-04-13  17.214618  ...                         0.0  16.622763
32 2020-04-14  17.770665  ...                         0.0  17.122157
33 2020-04-15  18.326712  ...                         0.0  18.121124
34 2020-04-16  18.882759  ...                         0.0  19.120093
35 2020-04-17  19.438806  ...                         0.0  19.567511
36 2020-04-18  19.994854  ...                         0.0  19.516200
37 2020-04-19  20.550901  ...                         0.0  19.515883
38 2020-04-20  21.106948  ...                         0.0  20.515093
39 2020-04-21  21.662995  ...                         0.0  21.014487
40 2020-04-22  22.219043  ...                         0.0  22.013455
41 2020-04-23  22.775090  ...                         0.0  23.012424
42 2020-04-24  23.331137  ...                         0.0  23.459841
43 2020-04-25  23.887184  ...                         0.0  23.408531
44 2020-04-26  24.443231  ...                         0.0  23.408213
45 2020-04-27  24.999279  ...                         0.0  24.407424
46 2020-04-28  25.555326  ...                         0.0  24.906818
47 2020-04-29  26.111373  ...                         0.0  25.905785
48 2020-04-30  26.667420  ...                         0.0  26.904754

[49 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 23.
COUNTRY: India
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-01-30   -5.745995  ...                         0.0 -106.651455
1  2020-01-31    2.170110  ...                         0.0  -82.230326
2  2020-02-01   10.086214  ...                         0.0 -134.204533
3  2020-02-02   18.002319  ...                         0.0 -123.856952
4  2020-02-03   25.918424  ...                         0.0 -109.384464
..        ...         ...  ...                         ...         ...
87 2020-04-26  687.674787  ...                         0.0  545.815515
88 2020-04-27  695.678549  ...                         0.0  560.375662
89 2020-04-28  703.682312  ...                         0.0  569.556920
90 2020-04-29  711.686075  ...                         0.0  590.117232
91 2020-04-30  719.689838  ...                         0.0  618.784378

[92 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Brazil
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-02-26   -41.311182  ...                         0.0  -611.050348
1  2020-02-27    44.745124  ...                         0.0  -472.269035
2  2020-02-28   130.801430  ...                         0.0  -329.887883
3  2020-02-29   216.857736  ...                         0.0  -606.868452
4  2020-03-01   302.914042  ...                         0.0  -471.133315
..        ...          ...  ...                         ...          ...
60 2020-04-26  5122.130826  ...                         0.0  4348.083469
61 2020-04-27  5208.188743  ...                         0.0  4453.320320
62 2020-04-28  5294.246660  ...                         0.0  4565.806970
63 2020-04-29  5380.304577  ...                         0.0  4810.565412
64 2020-04-30  5466.362494  ...                         0.0  4949.348336

[65 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Spain
           ds         trend  ...  multiplicative_terms_upper          yhat
0  2020-02-01   -596.422150  ...                         0.0 -11395.214857
1  2020-02-02     33.008232  ...                         0.0 -10770.005452
2  2020-02-03    662.438613  ...                         0.0  -9653.099997
3  2020-02-04   1291.868995  ...                         0.0  -8751.441998
4  2020-02-05   1921.299377  ...                         0.0  -7198.481803
..        ...           ...  ...                         ...           ...
85 2020-04-26  53094.219498  ...                         0.0  42291.205814
86 2020-04-27  53727.294173  ...                         0.0  43411.755563
87 2020-04-28  54360.368847  ...                         0.0  44317.057855
88 2020-04-29  54993.443522  ...                         0.0  45873.662342
89 2020-04-30  55626.518197  ...                         0.0  47420.891914

[90 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Zhejiang
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-01-22    29.501671  ...                         0.0   473.547942
1  2020-01-23    45.033137  ...                         0.0   496.421262
2  2020-01-24    60.564603  ...                         0.0   518.598603
3  2020-01-25    76.096069  ...                         0.0   561.974452
4  2020-01-26    91.627535  ...                         0.0   577.826549
..        ...          ...  ...                         ...          ...
95 2020-04-26  1493.931622  ...                         0.0  1980.130636
96 2020-04-27  1509.299349  ...                         0.0  1992.154184
97 2020-04-28  1524.667076  ...                         0.0  2012.733922
98 2020-04-29  1540.034802  ...                         0.0  1984.081073
99 2020-04-30  1555.402529  ...                         0.0  2006.790655

[100 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Channel Islands
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-10   -0.808944  ...                         0.0  -14.462276
1  2020-03-11    3.305123  ...                         0.0  -10.793851
2  2020-03-12    7.419190  ...                         0.0   -2.458710
3  2020-03-13   11.533257  ...                         0.0    5.878389
4  2020-03-14   15.647324  ...                         0.0    2.599620
5  2020-03-15   19.761391  ...                         0.0    3.102410
6  2020-03-16   23.875458  ...                         0.0    6.605274
7  2020-03-17   27.989525  ...                         0.0   14.336194
8  2020-03-18   32.103592  ...                         0.0   18.004618
9  2020-03-19   36.217697  ...                         0.0   26.339797
10 2020-03-20   40.331863  ...                         0.0   34.676996
11 2020-03-21   44.446029  ...                         0.0   31.398325
12 2020-03-22   48.560195  ...                         0.0   31.901214
13 2020-03-23   52.674361  ...                         0.0   35.404176
14 2020-03-24   56.788527  ...                         0.0   43.135195
15 2020-03-25   60.902693  ...                         0.0   46.803719
16 2020-03-26   65.016859  ...                         0.0   55.138959
17 2020-03-27   69.131025  ...                         0.0   63.476157
18 2020-03-28   73.245191  ...                         0.0   60.197486
19 2020-03-29   77.359357  ...                         0.0   60.700376
20 2020-03-30   81.473523  ...                         0.0   64.203338
21 2020-03-31   85.587689  ...                         0.0   71.934357
22 2020-04-01   89.701855  ...                         0.0   75.602881
23 2020-04-02   93.816021  ...                         0.0   83.938121
24 2020-04-03   97.930187  ...                         0.0   92.275319
25 2020-04-04  102.044352  ...                         0.0   88.996648
26 2020-04-05  106.158518  ...                         0.0   89.499537
27 2020-04-06  110.272684  ...                         0.0   93.002500
28 2020-04-07  114.386850  ...                         0.0  100.733519
29 2020-04-08  118.501016  ...                         0.0  104.402042
30 2020-04-09  122.615182  ...                         0.0  112.737282
31 2020-04-10  126.729348  ...                         0.0  121.074481
32 2020-04-11  130.843514  ...                         0.0  117.795810
33 2020-04-12  134.957680  ...                         0.0  118.298699
34 2020-04-13  139.071846  ...                         0.0  121.801661
35 2020-04-14  143.186012  ...                         0.0  129.532680
36 2020-04-15  147.300178  ...                         0.0  133.201204
37 2020-04-16  151.414344  ...                         0.0  141.536444
38 2020-04-17  155.528510  ...                         0.0  149.873642
39 2020-04-18  159.642676  ...                         0.0  146.594971
40 2020-04-19  163.756842  ...                         0.0  147.097861
41 2020-04-20  167.871008  ...                         0.0  150.600823
42 2020-04-21  171.985174  ...                         0.0  158.331842
43 2020-04-22  176.099340  ...                         0.0  162.000366
44 2020-04-23  180.213506  ...                         0.0  170.335606
45 2020-04-24  184.327671  ...                         0.0  178.672804
46 2020-04-25  188.441837  ...                         0.0  175.394133
47 2020-04-26  192.556003  ...                         0.0  175.897022
48 2020-04-27  196.670169  ...                         0.0  179.399985
49 2020-04-28  200.784335  ...                         0.0  187.131004
50 2020-04-29  204.898501  ...                         0.0  190.799527
51 2020-04-30  209.012667  ...                         0.0  199.134767

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Hubei
           ds         trend  ...  multiplicative_terms_upper          yhat
0  2020-01-22   -552.031769  ...                         0.0  -9574.107861
1  2020-01-23   1837.179154  ...                         0.0  -6500.272385
2  2020-01-24   4226.390077  ...                         0.0  -4196.105870
3  2020-01-25   6615.600999  ...                         0.0  -1967.534842
4  2020-01-26   9004.811922  ...                         0.0    198.868865
..        ...           ...  ...                         ...           ...
95 2020-04-26  83539.669381  ...                         0.0  74733.726324
96 2020-04-27  83700.496221  ...                         0.0  74410.972156
97 2020-04-28  83861.323061  ...                         0.0  74448.002737
98 2020-04-29  84022.149902  ...                         0.0  75000.073809
99 2020-04-30  84182.976742  ...                         0.0  75845.525203

[100 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Macau
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-01-22   0.183961  ...                         0.0   3.814908
1  2020-01-23   0.421056  ...                         0.0   4.213662
2  2020-01-24   0.658150  ...                         0.0   4.412333
3  2020-01-25   0.895244  ...                         0.0   3.014108
4  2020-01-26   1.132338  ...                         0.0   4.124238
..        ...        ...  ...                         ...        ...
95 2020-04-26  22.888628  ...                         0.0  25.880528
96 2020-04-27  23.129143  ...                         0.0  26.104930
97 2020-04-28  23.369659  ...                         0.0  26.662676
98 2020-04-29  23.610174  ...                         0.0  27.241121
99 2020-04-30  23.850689  ...                         0.0  27.643295

[100 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 21.
COUNTRY: Henan
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-01-22    -7.852401  ...                         0.0  -124.086683
1  2020-01-23    53.728685  ...                         0.0   -65.073909
2  2020-01-24   115.309770  ...                         0.0   -10.058704
3  2020-01-25   176.890860  ...                         0.0    48.264945
4  2020-01-26   238.471950  ...                         0.0   109.946687
..        ...          ...  ...                         ...          ...
95 2020-04-26  1411.440446  ...                         0.0  1282.915183
96 2020-04-27  1411.707290  ...                         0.0  1280.838986
97 2020-04-28  1411.974135  ...                         0.0  1281.297782
98 2020-04-29  1412.240980  ...                         0.0  1296.006697
99 2020-04-30  1412.507825  ...                         0.0  1293.705231

[100 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Qatar
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-02-29    -5.052980  ...                         0.0   -70.780843
1  2020-03-01    21.374161  ...                         0.0   -49.244169
2  2020-03-02    47.801302  ...                         0.0   -37.228825
3  2020-03-03    74.228443  ...                         0.0   -28.470913
4  2020-03-04   100.655584  ...                         0.0    37.423584
..        ...          ...  ...                         ...          ...
57 2020-04-26  1501.289053  ...                         0.0  1430.670723
58 2020-04-27  1527.716075  ...                         0.0  1442.685948
59 2020-04-28  1554.143097  ...                         0.0  1451.443741
60 2020-04-29  1580.570118  ...                         0.0  1517.338118
61 2020-04-30  1606.997140  ...                         0.0  1522.346450

[62 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Colorado
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-10   -13.615346  ...                         0.0  -238.398302
1  2020-03-11    63.202677  ...                         0.0  -124.735294
2  2020-03-12   140.020699  ...                         0.0    46.260322
3  2020-03-13   216.838722  ...                         0.0    77.256960
4  2020-03-14   293.656744  ...                         0.0   -23.362181
5  2020-03-15   370.474767  ...                         0.0    92.135164
6  2020-03-16   447.292790  ...                         0.0   163.132344
7  2020-03-17   524.110893  ...                         0.0   299.327937
8  2020-03-18   600.928996  ...                         0.0   412.991026
9  2020-03-19   677.747297  ...                         0.0   583.986920
10 2020-03-20   754.567433  ...                         0.0   614.985671
11 2020-03-21   831.387568  ...                         0.0   514.368643
12 2020-03-22   908.207704  ...                         0.0   629.868101
13 2020-03-23   985.027840  ...                         0.0   700.867394
14 2020-03-24  1061.847975  ...                         0.0   837.065019
15 2020-03-25  1138.668111  ...                         0.0   950.730140
16 2020-03-26  1215.488246  ...                         0.0  1121.727869
17 2020-03-27  1292.308381  ...                         0.0  1152.726620
18 2020-03-28  1369.128517  ...                         0.0  1052.109592
19 2020-03-29  1445.948652  ...                         0.0  1167.609050
20 2020-03-30  1522.768788  ...                         0.0  1238.608342
21 2020-03-31  1599.588923  ...                         0.0  1374.805967
22 2020-04-01  1676.409059  ...                         0.0  1488.471088
23 2020-04-02  1753.229194  ...                         0.0  1659.468817
24 2020-04-03  1830.049330  ...                         0.0  1690.467568
25 2020-04-04  1906.869465  ...                         0.0  1589.850540
26 2020-04-05  1983.689601  ...                         0.0  1705.349998
27 2020-04-06  2060.509736  ...                         0.0  1776.349290
28 2020-04-07  2137.329871  ...                         0.0  1912.546916
29 2020-04-08  2214.150007  ...                         0.0  2026.212037
30 2020-04-09  2290.970142  ...                         0.0  2197.209765
31 2020-04-10  2367.790278  ...                         0.0  2228.208516
32 2020-04-11  2444.610413  ...                         0.0  2127.591488
33 2020-04-12  2521.430549  ...                         0.0  2243.090946
34 2020-04-13  2598.250684  ...                         0.0  2314.090238
35 2020-04-14  2675.070820  ...                         0.0  2450.287864
36 2020-04-15  2751.890955  ...                         0.0  2563.952985
37 2020-04-16  2828.711091  ...                         0.0  2734.950713
38 2020-04-17  2905.531226  ...                         0.0  2765.949465
39 2020-04-18  2982.351361  ...                         0.0  2665.332436
40 2020-04-19  3059.171497  ...                         0.0  2780.831894
41 2020-04-20  3135.991632  ...                         0.0  2851.831186
42 2020-04-21  3212.811768  ...                         0.0  2988.028812
43 2020-04-22  3289.631903  ...                         0.0  3101.693933
44 2020-04-23  3366.452039  ...                         0.0  3272.691661
45 2020-04-24  3443.272174  ...                         0.0  3303.690413
46 2020-04-25  3520.092310  ...                         0.0  3203.073384
47 2020-04-26  3596.912445  ...                         0.0  3318.572842
48 2020-04-27  3673.732581  ...                         0.0  3389.572134
49 2020-04-28  3750.552716  ...                         0.0  3525.769760
50 2020-04-29  3827.372851  ...                         0.0  3639.434881
51 2020-04-30  3904.192987  ...                         0.0  3810.432610

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 5.
COUNTRY: District of Columbia
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-10   -2.586675  ...                         0.0  -40.897898
1  2020-03-11   11.257530  ...                         0.0  -20.895701
2  2020-03-12   25.101735  ...                         0.0   -3.226657
3  2020-03-13   38.945940  ...                         0.0   20.445141
4  2020-03-14   52.790145  ...                         0.0   -4.940722
5  2020-03-15   66.634350  ...                         0.0   10.566881
6  2020-03-16   80.478555  ...                         0.0   22.574004
7  2020-03-17   94.322760  ...                         0.0   56.011536
8  2020-03-18  108.166965  ...                         0.0   76.013734
9  2020-03-19  122.011283  ...                         0.0   93.682891
10 2020-03-20  135.855601  ...                         0.0  117.354803
11 2020-03-21  149.699920  ...                         0.0   91.969053
12 2020-03-22  163.544292  ...                         0.0  107.476822
13 2020-03-23  177.388664  ...                         0.0  119.484113
14 2020-03-24  191.233036  ...                         0.0  152.921812
15 2020-03-25  205.077408  ...                         0.0  172.924177
16 2020-03-26  218.921780  ...                         0.0  190.593388
17 2020-03-27  232.766152  ...                         0.0  214.265354
18 2020-03-28  246.610524  ...                         0.0  188.879658
19 2020-03-29  260.454896  ...                         0.0  204.387427
20 2020-03-30  274.299269  ...                         0.0  216.394718
21 2020-03-31  288.143641  ...                         0.0  249.832417
22 2020-04-01  301.988013  ...                         0.0  269.834782
23 2020-04-02  315.832385  ...                         0.0  287.503993
24 2020-04-03  329.676757  ...                         0.0  311.175958
25 2020-04-04  343.521129  ...                         0.0  285.790262
26 2020-04-05  357.365501  ...                         0.0  301.298032
27 2020-04-06  371.209873  ...                         0.0  313.305323
28 2020-04-07  385.054246  ...                         0.0  346.743022
29 2020-04-08  398.898618  ...                         0.0  366.745386
30 2020-04-09  412.742990  ...                         0.0  384.414597
31 2020-04-10  426.587362  ...                         0.0  408.086563
32 2020-04-11  440.431734  ...                         0.0  382.700867
33 2020-04-12  454.276106  ...                         0.0  398.208637
34 2020-04-13  468.120478  ...                         0.0  410.215928
35 2020-04-14  481.964850  ...                         0.0  443.653627
36 2020-04-15  495.809222  ...                         0.0  463.655991
37 2020-04-16  509.653595  ...                         0.0  481.325202
38 2020-04-17  523.497967  ...                         0.0  504.997168
39 2020-04-18  537.342339  ...                         0.0  479.611472
40 2020-04-19  551.186711  ...                         0.0  495.119242
41 2020-04-20  565.031083  ...                         0.0  507.126533
42 2020-04-21  578.875455  ...                         0.0  540.564231
43 2020-04-22  592.719827  ...                         0.0  560.566596
44 2020-04-23  606.564199  ...                         0.0  578.235807
45 2020-04-24  620.408572  ...                         0.0  601.907773
46 2020-04-25  634.252944  ...                         0.0  576.522077
47 2020-04-26  648.097316  ...                         0.0  592.029847
48 2020-04-27  661.941688  ...                         0.0  604.037138
49 2020-04-28  675.786060  ...                         0.0  637.474836
50 2020-04-29  689.630432  ...                         0.0  657.477201
51 2020-04-30  703.474804  ...                         0.0  675.146412

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Isle of Man
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-20   -0.049779  ...                         0.0   -0.832944
1  2020-03-21    4.474448  ...                         0.0    3.691284
2  2020-03-22    8.998676  ...                         0.0    8.215511
3  2020-03-23   13.522903  ...                         0.0   12.739739
4  2020-03-24   18.047130  ...                         0.0   17.263966
5  2020-03-25   22.571357  ...                         0.0   21.788193
6  2020-03-26   27.095585  ...                         0.0   26.312420
7  2020-03-27   31.619812  ...                         0.0   30.836648
8  2020-03-28   36.144039  ...                         0.0   35.360875
9  2020-03-29   40.668267  ...                         0.0   39.885102
10 2020-03-30   45.192494  ...                         0.0   44.409330
11 2020-03-31   49.716721  ...                         0.0   48.933557
12 2020-04-01   54.240949  ...                         0.0   53.457784
13 2020-04-02   58.765176  ...                         0.0   57.982012
14 2020-04-03   63.289403  ...                         0.0   62.506239
15 2020-04-04   67.813631  ...                         0.0   67.030466
16 2020-04-05   72.337858  ...                         0.0   71.554693
17 2020-04-06   76.862085  ...                         0.0   76.078921
18 2020-04-07   81.386313  ...                         0.0   80.603148
19 2020-04-08   85.910540  ...                         0.0   85.127375
20 2020-04-09   90.434767  ...                         0.0   89.651603
21 2020-04-10   94.958995  ...                         0.0   94.175830
22 2020-04-11   99.483222  ...                         0.0   98.700057
23 2020-04-12  104.007449  ...                         0.0  103.224285
24 2020-04-13  108.531676  ...                         0.0  107.748512
25 2020-04-14  113.055904  ...                         0.0  112.272739
26 2020-04-15  117.580131  ...                         0.0  116.796967
27 2020-04-16  122.104358  ...                         0.0  121.321194
28 2020-04-17  126.628586  ...                         0.0  125.845421
29 2020-04-18  131.152813  ...                         0.0  130.369649
30 2020-04-19  135.677040  ...                         0.0  134.893876
31 2020-04-20  140.201268  ...                         0.0  139.418103
32 2020-04-21  144.725495  ...                         0.0  143.942331
33 2020-04-22  149.249722  ...                         0.0  148.466558
34 2020-04-23  153.773950  ...                         0.0  152.990785
35 2020-04-24  158.298177  ...                         0.0  157.515012
36 2020-04-25  162.822404  ...                         0.0  162.039240
37 2020-04-26  167.346632  ...                         0.0  166.563467
38 2020-04-27  171.870859  ...                         0.0  171.087694
39 2020-04-28  176.395086  ...                         0.0  175.611922
40 2020-04-29  180.919314  ...                         0.0  180.136149
41 2020-04-30  185.443541  ...                         0.0  184.660376

[42 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 11.
COUNTRY: Shanxi
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-01-22    2.997091  ...                         0.0   47.655030
1  2020-01-23    4.764662  ...                         0.0   50.162319
2  2020-01-24    6.532233  ...                         0.0   51.469902
3  2020-01-25    8.299805  ...                         0.0   57.293039
4  2020-01-26   10.067376  ...                         0.0   60.300443
..        ...         ...  ...                         ...         ...
95 2020-04-26  170.079751  ...                         0.0  220.312818
96 2020-04-27  171.834629  ...                         0.0  221.974376
97 2020-04-28  173.589508  ...                         0.0  224.969435
98 2020-04-29  175.344386  ...                         0.0  220.002326
99 2020-04-30  177.099265  ...                         0.0  222.496921

[100 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Cuba
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-12   -0.761757  ...                         0.0   -8.137655
1  2020-03-13    4.257843  ...                         0.0   -1.804981
2  2020-03-14    9.277442  ...                         0.0   -5.066856
3  2020-03-15   14.297042  ...                         0.0    1.932384
4  2020-03-16   19.316641  ...                         0.0    4.431944
5  2020-03-17   24.336240  ...                         0.0    8.931365
6  2020-03-18   29.355840  ...                         0.0   14.430717
7  2020-03-19   34.375439  ...                         0.0   26.999542
8  2020-03-20   39.395039  ...                         0.0   33.332216
9  2020-03-21   44.414639  ...                         0.0   30.070341
10 2020-03-22   49.434240  ...                         0.0   37.069583
11 2020-03-23   54.453841  ...                         0.0   39.569144
12 2020-03-24   59.473442  ...                         0.0   44.068566
13 2020-03-25   64.493043  ...                         0.0   49.567920
14 2020-03-26   69.512644  ...                         0.0   62.136746
15 2020-03-27   74.532245  ...                         0.0   68.469422
16 2020-03-28   79.551846  ...                         0.0   65.207548
17 2020-03-29   84.571447  ...                         0.0   72.206790
18 2020-03-30   89.591048  ...                         0.0   74.706351
19 2020-03-31   94.610649  ...                         0.0   79.205774
20 2020-04-01   99.630250  ...                         0.0   84.705127
21 2020-04-02  104.649851  ...                         0.0   97.273954
22 2020-04-03  109.669452  ...                         0.0  103.606629
23 2020-04-04  114.689053  ...                         0.0  100.344755
24 2020-04-05  119.708654  ...                         0.0  107.343997
25 2020-04-06  124.728255  ...                         0.0  109.843558
26 2020-04-07  129.747857  ...                         0.0  114.342981
27 2020-04-08  134.767458  ...                         0.0  119.842335
28 2020-04-09  139.787059  ...                         0.0  132.411161
29 2020-04-10  144.806660  ...                         0.0  138.743837
30 2020-04-11  149.826261  ...                         0.0  135.481962
31 2020-04-12  154.845862  ...                         0.0  142.481204
32 2020-04-13  159.865463  ...                         0.0  144.980766
33 2020-04-14  164.885064  ...                         0.0  149.480188
34 2020-04-15  169.904665  ...                         0.0  154.979542
35 2020-04-16  174.924266  ...                         0.0  167.548368
36 2020-04-17  179.943867  ...                         0.0  173.881044
37 2020-04-18  184.963468  ...                         0.0  170.619170
38 2020-04-19  189.983069  ...                         0.0  177.618412
39 2020-04-20  195.002670  ...                         0.0  180.117973
40 2020-04-21  200.022271  ...                         0.0  184.617395
41 2020-04-22  205.041872  ...                         0.0  190.116749
42 2020-04-23  210.061473  ...                         0.0  202.685575
43 2020-04-24  215.081074  ...                         0.0  209.018251
44 2020-04-25  220.100675  ...                         0.0  205.756377
45 2020-04-26  225.120276  ...                         0.0  212.755619
46 2020-04-27  230.139877  ...                         0.0  215.255180
47 2020-04-28  235.159478  ...                         0.0  219.754603
48 2020-04-29  240.179079  ...                         0.0  225.253957
49 2020-04-30  245.198680  ...                         0.0  237.822783

[50 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 11.
COUNTRY: Sri Lanka
           ds       trend  ...  multiplicative_terms_upper       yhat
0  2020-01-27   -1.253975  ...                         0.0 -20.737759
1  2020-01-28    0.011321  ...                         0.0 -18.407533
2  2020-01-29    1.276617  ...                         0.0 -17.520980
3  2020-01-30    2.541914  ...                         0.0 -16.079123
4  2020-01-31    3.807210  ...                         0.0 -14.193279
..        ...         ...  ...                         ...        ...
90 2020-04-26  112.831103  ...                         0.0  88.769441
91 2020-04-27  114.100420  ...                         0.0  94.616637
92 2020-04-28  115.369738  ...                         0.0  96.950883
93 2020-04-29  116.639055  ...                         0.0  97.841458
94 2020-04-30  117.908373  ...                         0.0  99.287336

[95 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Wyoming
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-12   -0.509137  ...                         0.0   -3.368441
1  2020-03-13    3.400021  ...                         0.0    2.629953
2  2020-03-14    7.309180  ...                         0.0   -1.179407
3  2020-03-15   11.218339  ...                         0.0    0.818451
4  2020-03-16   15.127497  ...                         0.0    0.816392
5  2020-03-17   19.036656  ...                         0.0    6.314156
6  2020-03-18   22.945815  ...                         0.0   15.811791
7  2020-03-19   26.854974  ...                         0.0   23.995671
8  2020-03-20   30.764959  ...                         0.0   29.994891
9  2020-03-21   34.675107  ...                         0.0   26.186520
10 2020-03-22   38.585464  ...                         0.0   28.185577
11 2020-03-23   42.495822  ...                         0.0   28.184717
12 2020-03-24   46.406180  ...                         0.0   33.683681
13 2020-03-25   50.316538  ...                         0.0   43.182515
14 2020-03-26   54.226897  ...                         0.0   51.367593
15 2020-03-27   58.137255  ...                         0.0   57.367187
16 2020-03-28   62.047613  ...                         0.0   53.559026
17 2020-03-29   65.957971  ...                         0.0   55.558083
18 2020-03-30   69.868329  ...                         0.0   55.557223
19 2020-03-31   73.778687  ...                         0.0   61.056187
20 2020-04-01   77.689045  ...                         0.0   70.555022
21 2020-04-02   81.599403  ...                         0.0   78.740100
22 2020-04-03   85.509761  ...                         0.0   84.739693
23 2020-04-04   89.420119  ...                         0.0   80.931532
24 2020-04-05   93.330477  ...                         0.0   82.930590
25 2020-04-06   97.240835  ...                         0.0   82.929730
26 2020-04-07  101.151193  ...                         0.0   88.428694
27 2020-04-08  105.061551  ...                         0.0   97.927528
28 2020-04-09  108.971909  ...                         0.0  106.112606
29 2020-04-10  112.882267  ...                         0.0  112.112199
30 2020-04-11  116.792625  ...                         0.0  108.304039
31 2020-04-12  120.702983  ...                         0.0  110.303096
32 2020-04-13  124.613342  ...                         0.0  110.302236
33 2020-04-14  128.523700  ...                         0.0  115.801200
34 2020-04-15  132.434058  ...                         0.0  125.300034
35 2020-04-16  136.344416  ...                         0.0  133.485112
36 2020-04-17  140.254774  ...                         0.0  139.484706
37 2020-04-18  144.165132  ...                         0.0  135.676545
38 2020-04-19  148.075490  ...                         0.0  137.675602
39 2020-04-20  151.985848  ...                         0.0  137.674743
40 2020-04-21  155.896206  ...                         0.0  143.173706
41 2020-04-22  159.806564  ...                         0.0  152.672541
42 2020-04-23  163.716922  ...                         0.0  160.857619
43 2020-04-24  167.627280  ...                         0.0  166.857212
44 2020-04-25  171.537638  ...                         0.0  163.049052
45 2020-04-26  175.447996  ...                         0.0  165.048109
46 2020-04-27  179.358354  ...                         0.0  165.047249
47 2020-04-28  183.268712  ...                         0.0  170.546213
48 2020-04-29  187.179070  ...                         0.0  180.045047
49 2020-04-30  191.089428  ...                         0.0  188.230125

[50 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 10.
COUNTRY: United Arab Emirates
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-01-29   -0.500299  ...                         0.0   -3.707062
1  2020-01-30    0.656800  ...                         0.0   -2.738116
2  2020-01-31    1.813899  ...                         0.0    2.452737
3  2020-02-01    2.970998  ...                         0.0  -13.017416
4  2020-02-02    4.128097  ...                         0.0  -14.384868
..        ...         ...  ...                         ...         ...
88 2020-04-26  616.761127  ...                         0.0  598.248161
89 2020-04-27  628.335146  ...                         0.0  611.170868
90 2020-04-28  639.909166  ...                         0.0  628.304953
91 2020-04-29  651.483185  ...                         0.0  648.276422
92 2020-04-30  663.057205  ...                         0.0  659.662289

[93 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 2.
COUNTRY: Mauritania
           ds     trend  ...  multiplicative_terms_upper      yhat
0  2020-03-14  0.031312  ...                         0.0  0.804015
1  2020-03-15  0.182921  ...                         0.0  0.955624
2  2020-03-16  0.334530  ...                         0.0  1.107233
3  2020-03-17  0.486139  ...                         0.0  1.258842
4  2020-03-18  0.637748  ...                         0.0  1.410451
5  2020-03-19  0.789357  ...                         0.0  1.562060
6  2020-03-20  0.940966  ...                         0.0  1.713669
7  2020-03-21  1.092575  ...                         0.0  1.865278
8  2020-03-22  1.244184  ...                         0.0  2.016887
9  2020-03-23  1.395793  ...                         0.0  2.168496
10 2020-03-24  1.547402  ...                         0.0  2.320104
11 2020-03-25  1.699011  ...                         0.0  2.471713
12 2020-03-26  1.850620  ...                         0.0  2.623322
13 2020-03-27  2.002229  ...                         0.0  2.774931
14 2020-03-28  2.153838  ...                         0.0  2.926540
15 2020-03-29  2.305447  ...                         0.0  3.078149
16 2020-03-30  2.457056  ...                         0.0  3.229758
17 2020-03-31  2.608665  ...                         0.0  3.381367
18 2020-04-01  2.760274  ...                         0.0  3.532976
19 2020-04-02  2.911883  ...                         0.0  3.684585
20 2020-04-03  3.063492  ...                         0.0  3.836194
21 2020-04-04  3.215101  ...                         0.0  3.987803
22 2020-04-05  3.366710  ...                         0.0  4.139412
23 2020-04-06  3.518319  ...                         0.0  4.291021
24 2020-04-07  3.669928  ...                         0.0  4.442630
25 2020-04-08  3.821537  ...                         0.0  4.594239
26 2020-04-09  3.973146  ...                         0.0  4.745848
27 2020-04-10  4.124755  ...                         0.0  4.897457
28 2020-04-11  4.276364  ...                         0.0  5.049066
29 2020-04-12  4.427973  ...                         0.0  5.200675
30 2020-04-13  4.579582  ...                         0.0  5.352284
31 2020-04-14  4.731190  ...                         0.0  5.503893
32 2020-04-15  4.882799  ...                         0.0  5.655502
33 2020-04-16  5.034408  ...                         0.0  5.807111
34 2020-04-17  5.186017  ...                         0.0  5.958720
35 2020-04-18  5.337626  ...                         0.0  6.110329
36 2020-04-19  5.489235  ...                         0.0  6.261938
37 2020-04-20  5.640844  ...                         0.0  6.413547
38 2020-04-21  5.792453  ...                         0.0  6.565156
39 2020-04-22  5.944062  ...                         0.0  6.716765
40 2020-04-23  6.095671  ...                         0.0  6.868374
41 2020-04-24  6.247280  ...                         0.0  7.019983
42 2020-04-25  6.398889  ...                         0.0  7.171592
43 2020-04-26  6.550498  ...                         0.0  7.323201
44 2020-04-27  6.702107  ...                         0.0  7.474810
45 2020-04-28  6.853716  ...                         0.0  7.626418
46 2020-04-29  7.005325  ...                         0.0  7.778027
47 2020-04-30  7.156934  ...                         0.0  7.929636

[48 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 24.
COUNTRY: Laos
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-24   0.124320  ...                         0.0   1.992494
1  2020-03-25   1.627029  ...                         0.0   3.495202
2  2020-03-26   3.129737  ...                         0.0   4.997911
3  2020-03-27   4.632446  ...                         0.0   6.500619
4  2020-03-28   6.135154  ...                         0.0   8.003328
5  2020-03-29   7.637863  ...                         0.0   9.506036
6  2020-03-30   9.140571  ...                         0.0  11.008745
7  2020-03-31  10.643279  ...                         0.0  12.511453
8  2020-04-01  12.145988  ...                         0.0  14.014161
9  2020-04-02  13.648696  ...                         0.0  15.516870
10 2020-04-03  15.151405  ...                         0.0  17.019578
11 2020-04-04  16.654113  ...                         0.0  18.522287
12 2020-04-05  18.156822  ...                         0.0  20.024995
13 2020-04-06  19.659530  ...                         0.0  21.527704
14 2020-04-07  21.162239  ...                         0.0  23.030412
15 2020-04-08  22.664947  ...                         0.0  24.533121
16 2020-04-09  24.167656  ...                         0.0  26.035829
17 2020-04-10  25.670364  ...                         0.0  27.538538
18 2020-04-11  27.173073  ...                         0.0  29.041246
19 2020-04-12  28.675781  ...                         0.0  30.543955
20 2020-04-13  30.178489  ...                         0.0  32.046663
21 2020-04-14  31.681198  ...                         0.0  33.549371
22 2020-04-15  33.183906  ...                         0.0  35.052080
23 2020-04-16  34.686615  ...                         0.0  36.554788
24 2020-04-17  36.189323  ...                         0.0  38.057497
25 2020-04-18  37.692032  ...                         0.0  39.560205
26 2020-04-19  39.194740  ...                         0.0  41.062914
27 2020-04-20  40.697449  ...                         0.0  42.565622
28 2020-04-21  42.200157  ...                         0.0  44.068331
29 2020-04-22  43.702866  ...                         0.0  45.571039
30 2020-04-23  45.205574  ...                         0.0  47.073748
31 2020-04-24  46.708283  ...                         0.0  48.576456
32 2020-04-25  48.210991  ...                         0.0  50.079164
33 2020-04-26  49.713699  ...                         0.0  51.581873
34 2020-04-27  51.216408  ...                         0.0  53.084581
35 2020-04-28  52.719116  ...                         0.0  54.587290
36 2020-04-29  54.221825  ...                         0.0  56.089998
37 2020-04-30  55.724533  ...                         0.0  57.592707

[38 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Croatia
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-02-25   -6.450526  ...                         0.0  -98.684696
1  2020-02-26    7.321412  ...                         0.0  -81.900756
2  2020-02-27   21.093351  ...                         0.0  -66.516944
3  2020-02-28   34.865290  ...                         0.0  -40.533923
4  2020-02-29   48.637228  ...                         0.0  -79.160256
..        ...         ...  ...                         ...         ...
61 2020-04-26  834.367116  ...                         0.0  707.780069
62 2020-04-27  848.155938  ...                         0.0  725.027113
63 2020-04-28  861.944760  ...                         0.0  769.710591
64 2020-04-29  875.733582  ...                         0.0  786.511414
65 2020-04-30  889.522404  ...                         0.0  801.912109

[66 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 9.
COUNTRY: Diamond Princess
           ds       trend  ...  multiplicative_terms_upper         yhat
0  2020-02-07   17.685996  ...                         0.0   272.654010
1  2020-02-08   29.285108  ...                         0.0   300.583403
2  2020-02-09   40.884219  ...                         0.0   319.165665
3  2020-02-10   52.483331  ...                         0.0   343.461710
4  2020-02-11   64.082443  ...                         0.0   356.188410
..        ...         ...  ...                         ...          ...
79 2020-04-26  933.161521  ...                         0.0  1211.442967
80 2020-04-27  944.745375  ...                         0.0  1235.723753
81 2020-04-28  956.329228  ...                         0.0  1248.435196
82 2020-04-29  967.913082  ...                         0.0  1268.288333
83 2020-04-30  979.496936  ...                         0.0  1270.145984

[84 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 18.
COUNTRY: Mayotte
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-15   -0.490437  ...                         0.0   -8.338660
1  2020-03-16    3.655671  ...                         0.0   -4.192553
2  2020-03-17    7.801778  ...                         0.0   -0.046446
3  2020-03-18   11.947885  ...                         0.0    4.099662
4  2020-03-19   16.093992  ...                         0.0    8.245769
5  2020-03-20   20.240100  ...                         0.0   12.391876
6  2020-03-21   24.386217  ...                         0.0   16.537994
7  2020-03-22   28.532335  ...                         0.0   20.684112
8  2020-03-23   32.678453  ...                         0.0   24.830229
9  2020-03-24   36.824571  ...                         0.0   28.976347
10 2020-03-25   40.970688  ...                         0.0   33.122465
11 2020-03-26   45.116806  ...                         0.0   37.268583
12 2020-03-27   49.262924  ...                         0.0   41.414700
13 2020-03-28   53.409042  ...                         0.0   45.560818
14 2020-03-29   57.555159  ...                         0.0   49.706936
15 2020-03-30   61.701277  ...                         0.0   53.853054
16 2020-03-31   65.847395  ...                         0.0   57.999171
17 2020-04-01   69.993513  ...                         0.0   62.145289
18 2020-04-02   74.139630  ...                         0.0   66.291407
19 2020-04-03   78.285748  ...                         0.0   70.437525
20 2020-04-04   82.431866  ...                         0.0   74.583642
21 2020-04-05   86.577984  ...                         0.0   78.729760
22 2020-04-06   90.724101  ...                         0.0   82.875878
23 2020-04-07   94.870219  ...                         0.0   87.021996
24 2020-04-08   99.016337  ...                         0.0   91.168113
25 2020-04-09  103.162455  ...                         0.0   95.314231
26 2020-04-10  107.308572  ...                         0.0   99.460349
27 2020-04-11  111.454690  ...                         0.0  103.606467
28 2020-04-12  115.600808  ...                         0.0  107.752584
29 2020-04-13  119.746926  ...                         0.0  111.898702
30 2020-04-14  123.893043  ...                         0.0  116.044820
31 2020-04-15  128.039161  ...                         0.0  120.190938
32 2020-04-16  132.185279  ...                         0.0  124.337055
33 2020-04-17  136.331397  ...                         0.0  128.483173
34 2020-04-18  140.477514  ...                         0.0  132.629291
35 2020-04-19  144.623632  ...                         0.0  136.775409
36 2020-04-20  148.769750  ...                         0.0  140.921526
37 2020-04-21  152.915868  ...                         0.0  145.067644
38 2020-04-22  157.061985  ...                         0.0  149.213762
39 2020-04-23  161.208103  ...                         0.0  153.359880
40 2020-04-24  165.354221  ...                         0.0  157.505997
41 2020-04-25  169.500339  ...                         0.0  161.652115
42 2020-04-26  173.646456  ...                         0.0  165.798233
43 2020-04-27  177.792574  ...                         0.0  169.944351
44 2020-04-28  181.938692  ...                         0.0  174.090468
45 2020-04-29  186.084810  ...                         0.0  178.236586
46 2020-04-30  190.230927  ...                         0.0  182.382704

[47 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Faroe Islands
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-04   -2.100012  ...                         0.0  -27.444303
1  2020-03-05    5.109445  ...                         0.0  -21.943775
2  2020-03-06   12.318903  ...                         0.0  -18.693047
3  2020-03-07   19.528361  ...                         0.0  -16.460645
4  2020-03-08   26.737819  ...                         0.0   -7.794067
5  2020-03-09   33.947278  ...                         0.0   -4.459707
6  2020-03-10   41.156736  ...                         0.0    6.540197
7  2020-03-11   48.366194  ...                         0.0   23.021904
8  2020-03-12   55.575652  ...                         0.0   28.522433
9  2020-03-13   62.785111  ...                         0.0   31.773160
10 2020-03-14   69.994615  ...                         0.0   34.005609
11 2020-03-15   77.204344  ...                         0.0   42.672458
12 2020-03-16   84.414318  ...                         0.0   46.007333
13 2020-03-17   91.624292  ...                         0.0   57.007753
14 2020-03-18   98.834271  ...                         0.0   73.489981
15 2020-03-19  106.044251  ...                         0.0   78.991032
16 2020-03-20  113.254231  ...                         0.0   82.242281
17 2020-03-21  120.464211  ...                         0.0   84.475205
18 2020-03-22  127.674192  ...                         0.0   93.142305
19 2020-03-23  134.884172  ...                         0.0   96.477188
20 2020-03-24  142.094153  ...                         0.0  107.477613
21 2020-03-25  149.304134  ...                         0.0  123.959843
22 2020-03-26  156.514114  ...                         0.0  129.460895
23 2020-03-27  163.724095  ...                         0.0  132.712145
24 2020-03-28  170.934075  ...                         0.0  134.945070
25 2020-03-29  178.144056  ...                         0.0  143.612170
26 2020-03-30  185.354037  ...                         0.0  146.947052
27 2020-03-31  192.564017  ...                         0.0  157.947478
28 2020-04-01  199.773998  ...                         0.0  174.429708
29 2020-04-02  206.983979  ...                         0.0  179.930759
30 2020-04-03  214.193959  ...                         0.0  183.182009
31 2020-04-04  221.403940  ...                         0.0  185.414934
32 2020-04-05  228.613921  ...                         0.0  194.082034
33 2020-04-06  235.823901  ...                         0.0  197.416916
34 2020-04-07  243.033882  ...                         0.0  208.417342
35 2020-04-08  250.243862  ...                         0.0  224.899572
36 2020-04-09  257.453843  ...                         0.0  230.400624
37 2020-04-10  264.663824  ...                         0.0  233.651874
38 2020-04-11  271.873804  ...                         0.0  235.884799
39 2020-04-12  279.083785  ...                         0.0  244.551899
40 2020-04-13  286.293766  ...                         0.0  247.886781
41 2020-04-14  293.503746  ...                         0.0  258.887207
42 2020-04-15  300.713727  ...                         0.0  275.369436
43 2020-04-16  307.923707  ...                         0.0  280.870488
44 2020-04-17  315.133688  ...                         0.0  284.121738
45 2020-04-18  322.343669  ...                         0.0  286.354663
46 2020-04-19  329.553649  ...                         0.0  295.021763
47 2020-04-20  336.763630  ...                         0.0  298.356645
48 2020-04-21  343.973611  ...                         0.0  309.357071
49 2020-04-22  351.183591  ...                         0.0  325.839301
50 2020-04-23  358.393572  ...                         0.0  331.340352
51 2020-04-24  365.603553  ...                         0.0  334.591602
52 2020-04-25  372.813533  ...                         0.0  336.824527
53 2020-04-26  380.023514  ...                         0.0  345.491628
54 2020-04-27  387.233494  ...                         0.0  348.826510
55 2020-04-28  394.443475  ...                         0.0  359.826935
56 2020-04-29  401.653456  ...                         0.0  376.309165
57 2020-04-30  408.863436  ...                         0.0  381.810217

[58 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 11.
COUNTRY: Burkina Faso
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-10   -2.157712  ...                         0.0  -29.703201
1  2020-03-11    8.276793  ...                         0.0  -17.035530
2  2020-03-12   18.711297  ...                         0.0  -10.700530
3  2020-03-13   29.145802  ...                         0.0    0.967159
4  2020-03-14   39.580306  ...                         0.0   -3.516339
5  2020-03-15   50.014811  ...                         0.0    2.485495
6  2020-03-16   60.449315  ...                         0.0   20.486081
7  2020-03-17   70.883820  ...                         0.0   43.338330
8  2020-03-18   81.318339  ...                         0.0   56.006017
9  2020-03-19   91.752859  ...                         0.0   62.341032
10 2020-03-20  102.187500  ...                         0.0   74.008857
11 2020-03-21  112.622141  ...                         0.0   69.525497
12 2020-03-22  123.056782  ...                         0.0   75.527467
13 2020-03-23  133.491424  ...                         0.0   93.528190
14 2020-03-24  143.926065  ...                         0.0  116.380576
15 2020-03-25  154.360706  ...                         0.0  129.048384
16 2020-03-26  164.795348  ...                         0.0  135.383521
17 2020-03-27  175.229989  ...                         0.0  147.051346
18 2020-03-28  185.664630  ...                         0.0  142.567985
19 2020-03-29  196.099271  ...                         0.0  148.569956
20 2020-03-30  206.533913  ...                         0.0  166.570678
21 2020-03-31  216.968554  ...                         0.0  189.423065
22 2020-04-01  227.403195  ...                         0.0  202.090872
23 2020-04-02  237.837836  ...                         0.0  208.426009
24 2020-04-03  248.272478  ...                         0.0  220.093835
25 2020-04-04  258.707119  ...                         0.0  215.610474
26 2020-04-05  269.141760  ...                         0.0  221.612445
27 2020-04-06  279.576401  ...                         0.0  239.613167
28 2020-04-07  290.011043  ...                         0.0  262.465554
29 2020-04-08  300.445684  ...                         0.0  275.133361
30 2020-04-09  310.880325  ...                         0.0  281.468498
31 2020-04-10  321.314966  ...                         0.0  293.136324
32 2020-04-11  331.749608  ...                         0.0  288.652963
33 2020-04-12  342.184249  ...                         0.0  294.654934
34 2020-04-13  352.618890  ...                         0.0  312.655656
35 2020-04-14  363.053531  ...                         0.0  335.508042
36 2020-04-15  373.488173  ...                         0.0  348.175850
37 2020-04-16  383.922814  ...                         0.0  354.510987
38 2020-04-17  394.357455  ...                         0.0  366.178812
39 2020-04-18  404.792096  ...                         0.0  361.695452
40 2020-04-19  415.226738  ...                         0.0  367.697423
41 2020-04-20  425.661379  ...                         0.0  385.698145
42 2020-04-21  436.096020  ...                         0.0  408.550531
43 2020-04-22  446.530662  ...                         0.0  421.218339
44 2020-04-23  456.965303  ...                         0.0  427.553476
45 2020-04-24  467.399944  ...                         0.0  439.221301
46 2020-04-25  477.834585  ...                         0.0  434.737941
47 2020-04-26  488.269227  ...                         0.0  440.739911
48 2020-04-27  498.703868  ...                         0.0  458.740634
49 2020-04-28  509.138509  ...                         0.0  481.593020
50 2020-04-29  519.573150  ...                         0.0  494.260828
51 2020-04-30  530.007792  ...                         0.0  500.595965

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 15.
COUNTRY: Guyana
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-12   0.171491  ...                         0.0   0.567834
1  2020-03-13   0.709141  ...                         0.0   0.568212
2  2020-03-14   1.246791  ...                         0.0   2.116188
3  2020-03-15   1.784440  ...                         0.0   9.606053
4  2020-03-16   2.322090  ...                         0.0  10.105737
5  2020-03-17   2.859740  ...                         0.0   4.114538
6  2020-03-18   3.397390  ...                         0.0   4.114923
7  2020-03-19   3.935040  ...                         0.0   4.331383
8  2020-03-20   4.472690  ...                         0.0   4.331761
9  2020-03-21   5.010338  ...                         0.0   5.879736
10 2020-03-22   5.547987  ...                         0.0  13.369600
11 2020-03-23   6.085636  ...                         0.0  13.869283
12 2020-03-24   6.623284  ...                         0.0   7.878083
13 2020-03-25   7.160933  ...                         0.0   7.878466
14 2020-03-26   7.698582  ...                         0.0   8.094925
15 2020-03-27   8.236230  ...                         0.0   8.095302
16 2020-03-28   8.773879  ...                         0.0   9.643277
17 2020-03-29   9.311528  ...                         0.0  17.133141
18 2020-03-30   9.849176  ...                         0.0  17.632823
19 2020-03-31  10.386825  ...                         0.0  11.641623
20 2020-04-01  10.924474  ...                         0.0  11.642007
21 2020-04-02  11.462122  ...                         0.0  11.858465
22 2020-04-03  11.999771  ...                         0.0  11.858842
23 2020-04-04  12.537420  ...                         0.0  13.406818
24 2020-04-05  13.075068  ...                         0.0  20.896681
25 2020-04-06  13.612717  ...                         0.0  21.396364
26 2020-04-07  14.150366  ...                         0.0  15.405164
27 2020-04-08  14.688014  ...                         0.0  15.405548
28 2020-04-09  15.225663  ...                         0.0  15.622006
29 2020-04-10  15.763312  ...                         0.0  15.622383
30 2020-04-11  16.300960  ...                         0.0  17.170358
31 2020-04-12  16.838609  ...                         0.0  24.660222
32 2020-04-13  17.376258  ...                         0.0  25.159905
33 2020-04-14  17.913906  ...                         0.0  19.168704
34 2020-04-15  18.451555  ...                         0.0  19.169088
35 2020-04-16  18.989204  ...                         0.0  19.385547
36 2020-04-17  19.526852  ...                         0.0  19.385923
37 2020-04-18  20.064501  ...                         0.0  20.933899
38 2020-04-19  20.602150  ...                         0.0  28.423763
39 2020-04-20  21.139798  ...                         0.0  28.923445
40 2020-04-21  21.677447  ...                         0.0  22.932245
41 2020-04-22  22.215096  ...                         0.0  22.932629
42 2020-04-23  22.752744  ...                         0.0  23.149087
43 2020-04-24  23.290393  ...                         0.0  23.149464
44 2020-04-25  23.828042  ...                         0.0  24.697439
45 2020-04-26  24.365690  ...                         0.0  32.187303
46 2020-04-27  24.903339  ...                         0.0  32.686986
47 2020-04-28  25.440988  ...                         0.0  26.695786
48 2020-04-29  25.978636  ...                         0.0  26.696169
49 2020-04-30  26.516285  ...                         0.0  26.912628

[50 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 10.
COUNTRY: Martinique
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-07   -0.782665  ...                         0.0  -12.944001
1  2020-03-08    3.113913  ...                         0.0   -8.944391
2  2020-03-09    7.010491  ...                         0.0   -3.944807
3  2020-03-10   10.907069  ...                         0.0   -2.278565
4  2020-03-11   14.803647  ...                         0.0    2.054297
5  2020-03-12   18.700225  ...                         0.0    3.387167
6  2020-03-13   22.596803  ...                         0.0   11.386486
7  2020-03-14   26.493466  ...                         0.0   14.332131
8  2020-03-15   30.390130  ...                         0.0   18.331825
9  2020-03-16   34.286807  ...                         0.0   23.331510
10 2020-03-17   38.183780  ...                         0.0   24.998146
11 2020-03-18   42.080762  ...                         0.0   29.331412
12 2020-03-19   45.977862  ...                         0.0   30.664804
13 2020-03-20   49.875294  ...                         0.0   38.664977
14 2020-03-21   53.773092  ...                         0.0   41.611756
15 2020-03-22   57.670890  ...                         0.0   45.612586
16 2020-03-23   61.568688  ...                         0.0   50.613391
17 2020-03-24   65.466486  ...                         0.0   52.280853
18 2020-03-25   69.364285  ...                         0.0   56.614934
19 2020-03-26   73.262083  ...                         0.0   57.949025
20 2020-03-27   77.159881  ...                         0.0   65.949564
21 2020-03-28   81.057679  ...                         0.0   68.896344
22 2020-03-29   84.955478  ...                         0.0   72.897173
23 2020-03-30   88.853276  ...                         0.0   77.897978
24 2020-03-31   92.751074  ...                         0.0   79.565440
25 2020-04-01   96.648872  ...                         0.0   83.899522
26 2020-04-02  100.546670  ...                         0.0   85.233613
27 2020-04-03  104.444469  ...                         0.0   93.234152
28 2020-04-04  108.342267  ...                         0.0   96.180932
29 2020-04-05  112.240065  ...                         0.0  100.181761
30 2020-04-06  116.137863  ...                         0.0  105.182566
31 2020-04-07  120.035662  ...                         0.0  106.850028
32 2020-04-08  123.933460  ...                         0.0  111.184109
33 2020-04-09  127.831258  ...                         0.0  112.518200
34 2020-04-10  131.729056  ...                         0.0  120.518739
35 2020-04-11  135.626854  ...                         0.0  123.465519
36 2020-04-12  139.524653  ...                         0.0  127.466348
37 2020-04-13  143.422451  ...                         0.0  132.467153
38 2020-04-14  147.320249  ...                         0.0  134.134615
39 2020-04-15  151.218047  ...                         0.0  138.468697
40 2020-04-16  155.115846  ...                         0.0  139.802788
41 2020-04-17  159.013644  ...                         0.0  147.803327
42 2020-04-18  162.911442  ...                         0.0  150.750107
43 2020-04-19  166.809240  ...                         0.0  154.750936
44 2020-04-20  170.707038  ...                         0.0  159.751741
45 2020-04-21  174.604837  ...                         0.0  161.419203
46 2020-04-22  178.502635  ...                         0.0  165.753284
47 2020-04-23  182.400433  ...                         0.0  167.087375
48 2020-04-24  186.298231  ...                         0.0  175.087914
49 2020-04-25  190.196030  ...                         0.0  178.034694
50 2020-04-26  194.093828  ...                         0.0  182.035524
51 2020-04-27  197.991626  ...                         0.0  187.036328
52 2020-04-28  201.889424  ...                         0.0  188.703790
53 2020-04-29  205.787222  ...                         0.0  193.037872
54 2020-04-30  209.685021  ...                         0.0  194.371963

[55 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Curacao
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-14   0.031993  ...                         0.0   0.543726
1  2020-03-15   0.508773  ...                         0.0   1.020506
2  2020-03-16   0.985552  ...                         0.0   1.497286
3  2020-03-17   1.462332  ...                         0.0   1.974065
4  2020-03-18   1.939112  ...                         0.0   2.450845
5  2020-03-19   2.415891  ...                         0.0   2.927625
6  2020-03-20   2.892671  ...                         0.0   3.404404
7  2020-03-21   3.369451  ...                         0.0   3.881184
8  2020-03-22   3.846290  ...                         0.0   4.358024
9  2020-03-23   4.323130  ...                         0.0   4.834864
10 2020-03-24   4.799970  ...                         0.0   5.311703
11 2020-03-25   5.276810  ...                         0.0   5.788543
12 2020-03-26   5.753650  ...                         0.0   6.265383
13 2020-03-27   6.230489  ...                         0.0   6.742223
14 2020-03-28   6.707329  ...                         0.0   7.219063
15 2020-03-29   7.184169  ...                         0.0   7.695902
16 2020-03-30   7.661009  ...                         0.0   8.172742
17 2020-03-31   8.137849  ...                         0.0   8.649582
18 2020-04-01   8.614688  ...                         0.0   9.126422
19 2020-04-02   9.091528  ...                         0.0   9.603262
20 2020-04-03   9.568368  ...                         0.0  10.080101
21 2020-04-04  10.045208  ...                         0.0  10.556941
22 2020-04-05  10.522048  ...                         0.0  11.033781
23 2020-04-06  10.998887  ...                         0.0  11.510621
24 2020-04-07  11.475727  ...                         0.0  11.987461
25 2020-04-08  11.952567  ...                         0.0  12.464300
26 2020-04-09  12.429407  ...                         0.0  12.941140
27 2020-04-10  12.906247  ...                         0.0  13.417980
28 2020-04-11  13.383087  ...                         0.0  13.894820
29 2020-04-12  13.859926  ...                         0.0  14.371660
30 2020-04-13  14.336766  ...                         0.0  14.848499
31 2020-04-14  14.813606  ...                         0.0  15.325339
32 2020-04-15  15.290446  ...                         0.0  15.802179
33 2020-04-16  15.767286  ...                         0.0  16.279019
34 2020-04-17  16.244125  ...                         0.0  16.755859
35 2020-04-18  16.720965  ...                         0.0  17.232698
36 2020-04-19  17.197805  ...                         0.0  17.709538
37 2020-04-20  17.674645  ...                         0.0  18.186378
38 2020-04-21  18.151485  ...                         0.0  18.663218
39 2020-04-22  18.628324  ...                         0.0  19.140058
40 2020-04-23  19.105164  ...                         0.0  19.616897
41 2020-04-24  19.582004  ...                         0.0  20.093737
42 2020-04-25  20.058844  ...                         0.0  20.570577
43 2020-04-26  20.535684  ...                         0.0  21.047417
44 2020-04-27  21.012523  ...                         0.0  21.524257
45 2020-04-28  21.489363  ...                         0.0  22.001097
46 2020-04-29  21.966203  ...                         0.0  22.477936
47 2020-04-30  22.443043  ...                         0.0  22.954776

[48 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 10.
COUNTRY: Kansas
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-10   -2.176422  ...                         0.0  -33.305877
1  2020-03-11    8.248251  ...                         0.0  -21.972953
2  2020-03-12   18.672924  ...                         0.0   -3.973505
3  2020-03-13   29.097597  ...                         0.0   12.025986
4  2020-03-14   39.522269  ...                         0.0   -3.985401
5  2020-03-15   49.946942  ...                         0.0    0.014511
6  2020-03-16   60.371615  ...                         0.0   11.014078
7  2020-03-17   70.796288  ...                         0.0   39.666832
8  2020-03-18   81.221194  ...                         0.0   50.999991
9  2020-03-19   91.646101  ...                         0.0   68.999673
10 2020-03-20  102.071010  ...                         0.0   84.999400
11 2020-03-21  112.495919  ...                         0.0   68.988248
12 2020-03-22  122.920943  ...                         0.0   72.988512
13 2020-03-23  133.345968  ...                         0.0   83.988431
14 2020-03-24  143.770992  ...                         0.0  112.641536
15 2020-03-25  154.196017  ...                         0.0  123.974813
16 2020-03-26  164.621041  ...                         0.0  141.974613
17 2020-03-27  175.046066  ...                         0.0  157.974456
18 2020-03-28  185.471090  ...                         0.0  141.963420
19 2020-03-29  195.896115  ...                         0.0  145.963683
20 2020-03-30  206.321139  ...                         0.0  156.963602
21 2020-03-31  216.746164  ...                         0.0  185.616708
22 2020-04-01  227.171188  ...                         0.0  196.949984
23 2020-04-02  237.596213  ...                         0.0  214.949784
24 2020-04-03  248.021237  ...                         0.0  230.949627
25 2020-04-04  258.446261  ...                         0.0  214.938591
26 2020-04-05  268.871286  ...                         0.0  218.938854
27 2020-04-06  279.296310  ...                         0.0  229.938773
28 2020-04-07  289.721335  ...                         0.0  258.591879
29 2020-04-08  300.146359  ...                         0.0  269.925156
30 2020-04-09  310.571384  ...                         0.0  287.924955
31 2020-04-10  320.996408  ...                         0.0  303.924798
32 2020-04-11  331.421433  ...                         0.0  287.913763
33 2020-04-12  341.846457  ...                         0.0  291.914026
34 2020-04-13  352.271482  ...                         0.0  302.913945
35 2020-04-14  362.696506  ...                         0.0  331.567051
36 2020-04-15  373.121531  ...                         0.0  342.900327
37 2020-04-16  383.546555  ...                         0.0  360.900127
38 2020-04-17  393.971580  ...                         0.0  376.899970
39 2020-04-18  404.396604  ...                         0.0  360.888934
40 2020-04-19  414.821629  ...                         0.0  364.889197
41 2020-04-20  425.246653  ...                         0.0  375.889116
42 2020-04-21  435.671678  ...                         0.0  404.542222
43 2020-04-22  446.096702  ...                         0.0  415.875498
44 2020-04-23  456.521727  ...                         0.0  433.875298
45 2020-04-24  466.946751  ...                         0.0  449.875141
46 2020-04-25  477.371776  ...                         0.0  433.864105
47 2020-04-26  487.796800  ...                         0.0  437.864368
48 2020-04-27  498.221825  ...                         0.0  448.864288
49 2020-04-28  508.646849  ...                         0.0  477.517393
50 2020-04-29  519.071873  ...                         0.0  488.850670
51 2020-04-30  529.496898  ...                         0.0  506.850469

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 11.
COUNTRY: Seychelles
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-14   0.160799  ...                         0.0   2.716854
1  2020-03-15   0.589095  ...                         0.0   3.145150
2  2020-03-16   1.017391  ...                         0.0   3.573447
3  2020-03-17   1.445688  ...                         0.0   4.001743
4  2020-03-18   1.873984  ...                         0.0   4.430039
5  2020-03-19   2.302280  ...                         0.0   4.858335
6  2020-03-20   2.730576  ...                         0.0   5.286631
7  2020-03-21   3.158872  ...                         0.0   5.714928
8  2020-03-22   3.587169  ...                         0.0   6.143224
9  2020-03-23   4.015465  ...                         0.0   6.571520
10 2020-03-24   4.443761  ...                         0.0   6.999816
11 2020-03-25   4.872057  ...                         0.0   7.428112
12 2020-03-26   5.300353  ...                         0.0   7.856409
13 2020-03-27   5.728650  ...                         0.0   8.284705
14 2020-03-28   6.156946  ...                         0.0   8.713001
15 2020-03-29   6.585242  ...                         0.0   9.141297
16 2020-03-30   7.013538  ...                         0.0   9.569593
17 2020-03-31   7.441834  ...                         0.0   9.997889
18 2020-04-01   7.870130  ...                         0.0  10.426186
19 2020-04-02   8.298427  ...                         0.0  10.854482
20 2020-04-03   8.726723  ...                         0.0  11.282778
21 2020-04-04   9.155019  ...                         0.0  11.711074
22 2020-04-05   9.583315  ...                         0.0  12.139370
23 2020-04-06  10.011611  ...                         0.0  12.567667
24 2020-04-07  10.439908  ...                         0.0  12.995963
25 2020-04-08  10.868204  ...                         0.0  13.424259
26 2020-04-09  11.296500  ...                         0.0  13.852555
27 2020-04-10  11.724796  ...                         0.0  14.280851
28 2020-04-11  12.153092  ...                         0.0  14.709148
29 2020-04-12  12.581389  ...                         0.0  15.137444
30 2020-04-13  13.009685  ...                         0.0  15.565740
31 2020-04-14  13.437981  ...                         0.0  15.994036
32 2020-04-15  13.866277  ...                         0.0  16.422332
33 2020-04-16  14.294573  ...                         0.0  16.850628
34 2020-04-17  14.722869  ...                         0.0  17.278925
35 2020-04-18  15.151166  ...                         0.0  17.707221
36 2020-04-19  15.579462  ...                         0.0  18.135517
37 2020-04-20  16.007758  ...                         0.0  18.563813
38 2020-04-21  16.436054  ...                         0.0  18.992109
39 2020-04-22  16.864350  ...                         0.0  19.420406
40 2020-04-23  17.292647  ...                         0.0  19.848702
41 2020-04-24  17.720943  ...                         0.0  20.276998
42 2020-04-25  18.149239  ...                         0.0  20.705294
43 2020-04-26  18.577535  ...                         0.0  21.133590
44 2020-04-27  19.005831  ...                         0.0  21.561887
45 2020-04-28  19.434128  ...                         0.0  21.990183
46 2020-04-29  19.862424  ...                         0.0  22.418479
47 2020-04-30  20.290720  ...                         0.0  22.846775

[48 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: North Dakota
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-12   -0.691811  ...                         0.0   -6.581731
1  2020-03-13    3.581366  ...                         0.0   -0.582505
2  2020-03-14    7.854542  ...                         0.0   -0.456631
3  2020-03-15   12.127718  ...                         0.0   -0.457613
4  2020-03-16   16.400894  ...                         0.0    0.541483
5  2020-03-17   20.674086  ...                         0.0    4.540655
6  2020-03-18   24.947279  ...                         0.0   10.539873
7  2020-03-19   29.220472  ...                         0.0   23.330551
8  2020-03-20   33.494344  ...                         0.0   29.330473
9  2020-03-21   37.768243  ...                         0.0   29.457070
10 2020-03-22   42.042143  ...                         0.0   29.456812
11 2020-03-23   46.316042  ...                         0.0   30.456631
12 2020-03-24   50.589941  ...                         0.0   34.456510
13 2020-03-25   54.863841  ...                         0.0   40.456435
14 2020-03-26   59.137740  ...                         0.0   53.247819
15 2020-03-27   63.411639  ...                         0.0   59.247769
16 2020-03-28   67.685539  ...                         0.0   59.374366
17 2020-03-29   71.959438  ...                         0.0   59.374107
18 2020-03-30   76.233338  ...                         0.0   60.373927
19 2020-03-31   80.507237  ...                         0.0   64.373806
20 2020-04-01   84.781136  ...                         0.0   70.373730
21 2020-04-02   89.055036  ...                         0.0   83.165115
22 2020-04-03   93.328935  ...                         0.0   89.165064
23 2020-04-04   97.602834  ...                         0.0   89.291662
24 2020-04-05  101.876734  ...                         0.0   89.291403
25 2020-04-06  106.150633  ...                         0.0   90.291222
26 2020-04-07  110.424533  ...                         0.0   94.291102
27 2020-04-08  114.698432  ...                         0.0  100.291026
28 2020-04-09  118.972331  ...                         0.0  113.082411
29 2020-04-10  123.246231  ...                         0.0  119.082360
30 2020-04-11  127.520130  ...                         0.0  119.208957
31 2020-04-12  131.794029  ...                         0.0  119.208699
32 2020-04-13  136.067929  ...                         0.0  120.208518
33 2020-04-14  140.341828  ...                         0.0  124.208397
34 2020-04-15  144.615728  ...                         0.0  130.208322
35 2020-04-16  148.889627  ...                         0.0  142.999706
36 2020-04-17  153.163526  ...                         0.0  148.999655
37 2020-04-18  157.437426  ...                         0.0  149.126253
38 2020-04-19  161.711325  ...                         0.0  149.125994
39 2020-04-20  165.985224  ...                         0.0  150.125814
40 2020-04-21  170.259124  ...                         0.0  154.125693
41 2020-04-22  174.533023  ...                         0.0  160.125617
42 2020-04-23  178.806923  ...                         0.0  172.917002
43 2020-04-24  183.080822  ...                         0.0  178.916951
44 2020-04-25  187.354721  ...                         0.0  179.043548
45 2020-04-26  191.628621  ...                         0.0  179.043290
46 2020-04-27  195.902520  ...                         0.0  180.043109
47 2020-04-28  200.176419  ...                         0.0  184.042988
48 2020-04-29  204.450319  ...                         0.0  190.042913
49 2020-04-30  208.724218  ...                         0.0  202.834298

[50 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 15.
COUNTRY: Jilin
           ds       trend  ...  multiplicative_terms_upper       yhat
0  2020-01-23   -0.575004  ...                         0.0  -7.665774
1  2020-01-24    3.816883  ...                         0.0  -4.108872
2  2020-01-25    8.208770  ...                         0.0  -0.178840
3  2020-01-26   12.600657  ...                         0.0   4.404580
4  2020-01-27   16.992544  ...                         0.0   8.765956
..        ...         ...  ...                         ...        ...
94 2020-04-26  106.612899  ...                         0.0  98.416822
95 2020-04-27  106.731670  ...                         0.0  98.505082
96 2020-04-28  106.850441  ...                         0.0  98.593471
97 2020-04-29  106.969212  ...                         0.0  99.023000
98 2020-04-30  107.087983  ...                         0.0  99.997213

[99 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 12.
COUNTRY: Bulgaria
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-08   -2.739406  ...                         0.0  -32.630965
1  2020-03-09   13.441050  ...                         0.0  -27.638446
2  2020-03-10   29.621507  ...                         0.0  -16.981031
3  2020-03-11   45.801963  ...                         0.0    0.340640
4  2020-03-12   61.982420  ...                         0.0    8.329588
5  2020-03-13   78.162876  ...                         0.0   34.315236
6  2020-03-14   94.343893  ...                         0.0   45.329287
7  2020-03-15  110.528346  ...                         0.0   80.636786
8  2020-03-16  126.717138  ...                         0.0   85.637641
9  2020-03-17  142.908470  ...                         0.0   96.305933
10 2020-03-18  159.103776  ...                         0.0  113.642453
11 2020-03-19  175.301816  ...                         0.0  121.648984
12 2020-03-20  191.500952  ...                         0.0  147.653312
13 2020-03-21  207.700176  ...                         0.0  158.685570
14 2020-03-22  223.899747  ...                         0.0  194.008188
15 2020-03-23  240.099318  ...                         0.0  199.019822
16 2020-03-24  256.298889  ...                         0.0  209.696352
17 2020-03-25  272.498460  ...                         0.0  227.037137
18 2020-03-26  288.698031  ...                         0.0  235.045199
19 2020-03-27  304.897603  ...                         0.0  261.049962
20 2020-03-28  321.097174  ...                         0.0  272.082567
21 2020-03-29  337.296745  ...                         0.0  307.405185
22 2020-03-30  353.496316  ...                         0.0  312.416819
23 2020-03-31  369.695887  ...                         0.0  323.093349
24 2020-04-01  385.895458  ...                         0.0  340.434135
25 2020-04-02  402.095029  ...                         0.0  348.442197
26 2020-04-03  418.294600  ...                         0.0  374.446959
27 2020-04-04  434.494171  ...                         0.0  385.479564
28 2020-04-05  450.693742  ...                         0.0  420.802183
29 2020-04-06  466.893313  ...                         0.0  425.813817
30 2020-04-07  483.092884  ...                         0.0  436.490347
31 2020-04-08  499.292455  ...                         0.0  453.831132
32 2020-04-09  515.492026  ...                         0.0  461.839194
33 2020-04-10  531.691597  ...                         0.0  487.843957
34 2020-04-11  547.891168  ...                         0.0  498.876562
35 2020-04-12  564.090739  ...                         0.0  534.199180
36 2020-04-13  580.290311  ...                         0.0  539.210814
37 2020-04-14  596.489882  ...                         0.0  549.887344
38 2020-04-15  612.689453  ...                         0.0  567.228129
39 2020-04-16  628.889024  ...                         0.0  575.236192
40 2020-04-17  645.088595  ...                         0.0  601.240954
41 2020-04-18  661.288166  ...                         0.0  612.273559
42 2020-04-19  677.487737  ...                         0.0  647.596177
43 2020-04-20  693.687308  ...                         0.0  652.607811
44 2020-04-21  709.886879  ...                         0.0  663.284341
45 2020-04-22  726.086450  ...                         0.0  680.625127
46 2020-04-23  742.286021  ...                         0.0  688.633189
47 2020-04-24  758.485592  ...                         0.0  714.637951
48 2020-04-25  774.685163  ...                         0.0  725.670557
49 2020-04-26  790.884734  ...                         0.0  760.993175
50 2020-04-27  807.084305  ...                         0.0  766.004809
51 2020-04-28  823.283876  ...                         0.0  776.681339
52 2020-04-29  839.483447  ...                         0.0  794.022124
53 2020-04-30  855.683018  ...                         0.0  802.030186

[54 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 5.
COUNTRY: Bolivia
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-11   -0.220452  ...                         0.0   -4.339613
1  2020-03-12    2.589941  ...                         0.0   -0.673613
2  2020-03-13    5.400335  ...                         0.0    6.657896
3  2020-03-14    8.210729  ...                         0.0    4.665777
4  2020-03-15   11.021122  ...                         0.0    7.164676
5  2020-03-16   13.831516  ...                         0.0    9.163633
6  2020-03-17   16.641910  ...                         0.0   10.162693
7  2020-03-18   19.452303  ...                         0.0   15.333142
8  2020-03-19   22.262697  ...                         0.0   18.999142
9  2020-03-20   25.073091  ...                         0.0   26.330651
10 2020-03-21   27.883484  ...                         0.0   24.338533
11 2020-03-22   30.693883  ...                         0.0   26.837437
12 2020-03-23   33.504282  ...                         0.0   28.836399
13 2020-03-24   36.314685  ...                         0.0   29.835469
14 2020-03-25   39.125089  ...                         0.0   35.005928
15 2020-03-26   41.935492  ...                         0.0   38.671937
16 2020-03-27   44.745895  ...                         0.0   46.003456
17 2020-03-28   47.556298  ...                         0.0   44.011346
18 2020-03-29   50.366701  ...                         0.0   46.510255
19 2020-03-30   53.177105  ...                         0.0   48.509221
20 2020-03-31   55.987508  ...                         0.0   49.508291
21 2020-04-01   58.797911  ...                         0.0   54.678750
22 2020-04-02   61.608314  ...                         0.0   58.344760
23 2020-04-03   64.418718  ...                         0.0   65.676278
24 2020-04-04   67.229121  ...                         0.0   63.684169
25 2020-04-05   70.039524  ...                         0.0   66.183077
26 2020-04-06   72.849927  ...                         0.0   68.182044
27 2020-04-07   75.660330  ...                         0.0   69.181114
28 2020-04-08   78.470734  ...                         0.0   74.351573
29 2020-04-09   81.281137  ...                         0.0   78.017582
30 2020-04-10   84.091540  ...                         0.0   85.349101
31 2020-04-11   86.901943  ...                         0.0   83.356992
32 2020-04-12   89.712347  ...                         0.0   85.855900
33 2020-04-13   92.522750  ...                         0.0   87.854866
34 2020-04-14   95.333153  ...                         0.0   88.853936
35 2020-04-15   98.143556  ...                         0.0   94.024395
36 2020-04-16  100.953959  ...                         0.0   97.690405
37 2020-04-17  103.764363  ...                         0.0  105.021923
38 2020-04-18  106.574766  ...                         0.0  103.029814
39 2020-04-19  109.385169  ...                         0.0  105.528723
40 2020-04-20  112.195572  ...                         0.0  107.527689
41 2020-04-21  115.005976  ...                         0.0  108.526759
42 2020-04-22  117.816379  ...                         0.0  113.697218
43 2020-04-23  120.626782  ...                         0.0  117.363227
44 2020-04-24  123.437185  ...                         0.0  124.694746
45 2020-04-25  126.247588  ...                         0.0  122.702637
46 2020-04-26  129.057992  ...                         0.0  125.201545
47 2020-04-27  131.868395  ...                         0.0  127.200512
48 2020-04-28  134.678798  ...                         0.0  128.199581
49 2020-04-29  137.489201  ...                         0.0  133.370040
50 2020-04-30  140.299605  ...                         0.0  137.036050

[51 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 12.
COUNTRY: Papua New Guinea
           ds  trend  ...  multiplicative_terms_upper  yhat
0  2020-03-20    1.0  ...                         0.0   1.0
1  2020-03-21    1.0  ...                         0.0   1.0
2  2020-03-22    1.0  ...                         0.0   1.0
3  2020-03-23    1.0  ...                         0.0   1.0
4  2020-03-24    1.0  ...                         0.0   1.0
5  2020-03-25    1.0  ...                         0.0   1.0
6  2020-03-26    1.0  ...                         0.0   1.0
7  2020-03-27    1.0  ...                         0.0   1.0
8  2020-03-28    1.0  ...                         0.0   1.0
9  2020-03-29    1.0  ...                         0.0   1.0
10 2020-03-30    1.0  ...                         0.0   1.0
11 2020-03-31    1.0  ...                         0.0   1.0
12 2020-04-01    1.0  ...                         0.0   1.0
13 2020-04-02    1.0  ...                         0.0   1.0
14 2020-04-03    1.0  ...                         0.0   1.0
15 2020-04-04    1.0  ...                         0.0   1.0
16 2020-04-05    1.0  ...                         0.0   1.0
17 2020-04-06    1.0  ...                         0.0   1.0
18 2020-04-07    1.0  ...                         0.0   1.0
19 2020-04-08    1.0  ...                         0.0   1.0
20 2020-04-09    1.0  ...                         0.0   1.0
21 2020-04-10    1.0  ...                         0.0   1.0
22 2020-04-11    1.0  ...                         0.0   1.0
23 2020-04-12    1.0  ...                         0.0   1.0
24 2020-04-13    1.0  ...                         0.0   1.0
25 2020-04-14    1.0  ...                         0.0   1.0
26 2020-04-15    1.0  ...                         0.0   1.0
27 2020-04-16    1.0  ...                         0.0   1.0
28 2020-04-17    1.0  ...                         0.0   1.0
29 2020-04-18    1.0  ...                         0.0   1.0
30 2020-04-19    1.0  ...                         0.0   1.0
31 2020-04-20    1.0  ...                         0.0   1.0
32 2020-04-21    1.0  ...                         0.0   1.0
33 2020-04-22    1.0  ...                         0.0   1.0
34 2020-04-23    1.0  ...                         0.0   1.0
35 2020-04-24    1.0  ...                         0.0   1.0
36 2020-04-25    1.0  ...                         0.0   1.0
37 2020-04-26    1.0  ...                         0.0   1.0
38 2020-04-27    1.0  ...                         0.0   1.0
39 2020-04-28    1.0  ...                         0.0   1.0
40 2020-04-29    1.0  ...                         0.0   1.0
41 2020-04-30    1.0  ...                         0.0   1.0

[42 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 5.
COUNTRY: Michigan
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-11   -45.088763  ...                         0.0  -599.324890
1  2020-03-12   153.945940  ...                         0.0  -332.550579
2  2020-03-13   352.980644  ...                         0.0     7.951593
3  2020-03-14   552.015347  ...                         0.0  -290.140447
4  2020-03-15   751.050051  ...                         0.0  -162.483683
5  2020-03-16   950.084755  ...                         0.0    -5.314668
6  2020-03-17  1149.119459  ...                         0.0   232.867268
7  2020-03-18  1348.154163  ...                         0.0   793.918036
8  2020-03-19  1547.197107  ...                         0.0  1060.700588
9  2020-03-20  1746.240052  ...                         0.0  1401.211001
10 2020-03-21  1945.287775  ...                         0.0  1103.131980
11 2020-03-22  2144.335497  ...                         0.0  1230.801763
12 2020-03-23  2343.383220  ...                         0.0  1387.983797
13 2020-03-24  2542.430943  ...                         0.0  1626.178752
14 2020-03-25  2741.478666  ...                         0.0  2187.242539
15 2020-03-26  2940.526388  ...                         0.0  2454.029869
16 2020-03-27  3139.574111  ...                         0.0  2794.545060
17 2020-03-28  3338.621834  ...                         0.0  2496.466040
18 2020-03-29  3537.669557  ...                         0.0  2624.135822
19 2020-03-30  3736.717280  ...                         0.0  2781.317857
20 2020-03-31  3935.765002  ...                         0.0  3019.512812
21 2020-04-01  4134.812725  ...                         0.0  3580.576598
22 2020-04-02  4333.860448  ...                         0.0  3847.363929
23 2020-04-03  4532.908171  ...                         0.0  4187.879119
24 2020-04-04  4731.955894  ...                         0.0  3889.800099
25 2020-04-05  4931.003616  ...                         0.0  4017.469882
26 2020-04-06  5130.051339  ...                         0.0  4174.651916
27 2020-04-07  5329.099062  ...                         0.0  4412.846871
28 2020-04-08  5528.146785  ...                         0.0  4973.910658
29 2020-04-09  5727.194507  ...                         0.0  5240.697988
30 2020-04-10  5926.242230  ...                         0.0  5581.213179
31 2020-04-11  6125.289953  ...                         0.0  5283.134159
32 2020-04-12  6324.337676  ...                         0.0  5410.803941
33 2020-04-13  6523.385399  ...                         0.0  5567.985976
34 2020-04-14  6722.433121  ...                         0.0  5806.180931
35 2020-04-15  6921.480844  ...                         0.0  6367.244717
36 2020-04-16  7120.528567  ...                         0.0  6634.032048
37 2020-04-17  7319.576290  ...                         0.0  6974.547238
38 2020-04-18  7518.624013  ...                         0.0  6676.468218
39 2020-04-19  7717.671735  ...                         0.0  6804.138001
40 2020-04-20  7916.719458  ...                         0.0  6961.320035
41 2020-04-21  8115.767181  ...                         0.0  7199.514990
42 2020-04-22  8314.814904  ...                         0.0  7760.578777
43 2020-04-23  8513.862626  ...                         0.0  8027.366107
44 2020-04-24  8712.910349  ...                         0.0  8367.881298
45 2020-04-25  8911.958072  ...                         0.0  8069.802278
46 2020-04-26  9111.005795  ...                         0.0  8197.472060
47 2020-04-27  9310.053518  ...                         0.0  8354.654095
48 2020-04-28  9509.101240  ...                         0.0  8592.849050
49 2020-04-29  9708.148963  ...                         0.0  9153.912836
50 2020-04-30  9907.196686  ...                         0.0  9420.700167

[51 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 2.
COUNTRY: Zimbabwe
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-20   0.064136  ...                         0.0   1.823161
1  2020-03-21   0.400002  ...                         0.0   2.159027
2  2020-03-22   0.735868  ...                         0.0   2.494893
3  2020-03-23   1.071733  ...                         0.0   2.830759
4  2020-03-24   1.407599  ...                         0.0   3.166624
5  2020-03-25   1.743465  ...                         0.0   3.502490
6  2020-03-26   2.079331  ...                         0.0   3.838356
7  2020-03-27   2.415196  ...                         0.0   4.174222
8  2020-03-28   2.751062  ...                         0.0   4.510087
9  2020-03-29   3.086928  ...                         0.0   4.845953
10 2020-03-30   3.422793  ...                         0.0   5.181819
11 2020-03-31   3.758659  ...                         0.0   5.517685
12 2020-04-01   4.094525  ...                         0.0   5.853550
13 2020-04-02   4.430391  ...                         0.0   6.189416
14 2020-04-03   4.766256  ...                         0.0   6.525282
15 2020-04-04   5.102122  ...                         0.0   6.861148
16 2020-04-05   5.437988  ...                         0.0   7.197013
17 2020-04-06   5.773854  ...                         0.0   7.532879
18 2020-04-07   6.109719  ...                         0.0   7.868745
19 2020-04-08   6.445585  ...                         0.0   8.204610
20 2020-04-09   6.781451  ...                         0.0   8.540476
21 2020-04-10   7.117317  ...                         0.0   8.876342
22 2020-04-11   7.453182  ...                         0.0   9.212208
23 2020-04-12   7.789048  ...                         0.0   9.548073
24 2020-04-13   8.124914  ...                         0.0   9.883939
25 2020-04-14   8.460779  ...                         0.0  10.219805
26 2020-04-15   8.796645  ...                         0.0  10.555671
27 2020-04-16   9.132511  ...                         0.0  10.891536
28 2020-04-17   9.468377  ...                         0.0  11.227402
29 2020-04-18   9.804242  ...                         0.0  11.563268
30 2020-04-19  10.140108  ...                         0.0  11.899134
31 2020-04-20  10.475974  ...                         0.0  12.234999
32 2020-04-21  10.811840  ...                         0.0  12.570865
33 2020-04-22  11.147705  ...                         0.0  12.906731
34 2020-04-23  11.483571  ...                         0.0  13.242596
35 2020-04-24  11.819437  ...                         0.0  13.578462
36 2020-04-25  12.155303  ...                         0.0  13.914328
37 2020-04-26  12.491168  ...                         0.0  14.250194
38 2020-04-27  12.827034  ...                         0.0  14.586059
39 2020-04-28  13.162900  ...                         0.0  14.921925
40 2020-04-29  13.498766  ...                         0.0  15.257791
41 2020-04-30  13.834631  ...                         0.0  15.593657

[42 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Libya
           ds  trend  ...  multiplicative_terms_upper  yhat
0  2020-03-24    1.0  ...                         0.0   1.0
1  2020-03-25    1.0  ...                         0.0   1.0
2  2020-03-26    1.0  ...                         0.0   1.0
3  2020-03-27    1.0  ...                         0.0   1.0
4  2020-03-28    1.0  ...                         0.0   1.0
5  2020-03-29    1.0  ...                         0.0   1.0
6  2020-03-30    1.0  ...                         0.0   1.0
7  2020-03-31    1.0  ...                         0.0   1.0
8  2020-04-01    1.0  ...                         0.0   1.0
9  2020-04-02    1.0  ...                         0.0   1.0
10 2020-04-03    1.0  ...                         0.0   1.0
11 2020-04-04    1.0  ...                         0.0   1.0
12 2020-04-05    1.0  ...                         0.0   1.0
13 2020-04-06    1.0  ...                         0.0   1.0
14 2020-04-07    1.0  ...                         0.0   1.0
15 2020-04-08    1.0  ...                         0.0   1.0
16 2020-04-09    1.0  ...                         0.0   1.0
17 2020-04-10    1.0  ...                         0.0   1.0
18 2020-04-11    1.0  ...                         0.0   1.0
19 2020-04-12    1.0  ...                         0.0   1.0
20 2020-04-13    1.0  ...                         0.0   1.0
21 2020-04-14    1.0  ...                         0.0   1.0
22 2020-04-15    1.0  ...                         0.0   1.0
23 2020-04-16    1.0  ...                         0.0   1.0
24 2020-04-17    1.0  ...                         0.0   1.0
25 2020-04-18    1.0  ...                         0.0   1.0
26 2020-04-19    1.0  ...                         0.0   1.0
27 2020-04-20    1.0  ...                         0.0   1.0
28 2020-04-21    1.0  ...                         0.0   1.0
29 2020-04-22    1.0  ...                         0.0   1.0
30 2020-04-23    1.0  ...                         0.0   1.0
31 2020-04-24    1.0  ...                         0.0   1.0
32 2020-04-25    1.0  ...                         0.0   1.0
33 2020-04-26    1.0  ...                         0.0   1.0
34 2020-04-27    1.0  ...                         0.0   1.0
35 2020-04-28    1.0  ...                         0.0   1.0
36 2020-04-29    1.0  ...                         0.0   1.0
37 2020-04-30    1.0  ...                         0.0   1.0

[38 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 18.
COUNTRY: Singapore
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-01-23    -0.588803  ...                         0.0    -7.236374
1  2020-01-24     2.506226  ...                         0.0    -0.830950
2  2020-01-25     5.601255  ...                         0.0    -1.115171
3  2020-01-26     8.696284  ...                         0.0    -1.514956
4  2020-01-27    11.791313  ...                         0.0    -0.692560
..        ...          ...  ...                         ...          ...
94 2020-04-26  1834.113124  ...                         0.0  1823.901884
95 2020-04-27  1872.330019  ...                         0.0  1859.846145
96 2020-04-28  1910.546913  ...                         0.0  1897.901356
97 2020-04-29  1948.763808  ...                         0.0  1941.511855
98 2020-04-30  1986.980703  ...                         0.0  1980.333132

[99 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Poland
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-04   -16.508851  ...                         0.0  -232.454988
1  2020-03-05    37.384340  ...                         0.0  -159.479826
2  2020-03-06    91.277531  ...                         0.0   -94.261626
3  2020-03-07   145.170722  ...                         0.0  -162.672908
4  2020-03-08   199.063912  ...                         0.0  -122.728711
5  2020-03-09   252.957103  ...                         0.0   -63.432024
6  2020-03-10   306.850294  ...                         0.0     9.541851
7  2020-03-11   360.743485  ...                         0.0   144.797349
8  2020-03-12   414.636676  ...                         0.0   217.772511
9  2020-03-13   468.529868  ...                         0.0   282.990711
10 2020-03-14   522.433043  ...                         0.0   214.589413
11 2020-03-15   576.345341  ...                         0.0   254.552718
12 2020-03-16   630.257640  ...                         0.0   313.868513
13 2020-03-17   684.175630  ...                         0.0   386.867186
14 2020-03-18   738.100058  ...                         0.0   522.153921
15 2020-03-19   792.024487  ...                         0.0   595.160322
16 2020-03-20   845.948917  ...                         0.0   660.409761
17 2020-03-21   899.873347  ...                         0.0   592.029717
18 2020-03-22   953.797777  ...                         0.0   632.005154
19 2020-03-23  1007.722207  ...                         0.0   691.333080
20 2020-03-24  1061.646637  ...                         0.0   764.338193
21 2020-03-25  1115.571067  ...                         0.0   899.624931
22 2020-03-26  1169.495497  ...                         0.0   972.631331
23 2020-03-27  1223.419927  ...                         0.0  1037.880770
24 2020-03-28  1277.344357  ...                         0.0   969.500727
25 2020-03-29  1331.268786  ...                         0.0  1009.476163
26 2020-03-30  1385.193216  ...                         0.0  1068.804089
27 2020-03-31  1439.117646  ...                         0.0  1141.809202
28 2020-04-01  1493.042076  ...                         0.0  1277.095940
29 2020-04-02  1546.966506  ...                         0.0  1350.102341
30 2020-04-03  1600.890936  ...                         0.0  1415.351779
31 2020-04-04  1654.815366  ...                         0.0  1346.971736
32 2020-04-05  1708.739796  ...                         0.0  1386.947173
33 2020-04-06  1762.664226  ...                         0.0  1446.275098
34 2020-04-07  1816.588656  ...                         0.0  1519.280212
35 2020-04-08  1870.513086  ...                         0.0  1654.566949
36 2020-04-09  1924.437515  ...                         0.0  1727.573350
37 2020-04-10  1978.361945  ...                         0.0  1792.822789
38 2020-04-11  2032.286375  ...                         0.0  1724.442745
39 2020-04-12  2086.210805  ...                         0.0  1764.418182
40 2020-04-13  2140.135235  ...                         0.0  1823.746108
41 2020-04-14  2194.059665  ...                         0.0  1896.751221
42 2020-04-15  2247.984095  ...                         0.0  2032.037959
43 2020-04-16  2301.908525  ...                         0.0  2105.044359
44 2020-04-17  2355.832955  ...                         0.0  2170.293798
45 2020-04-18  2409.757385  ...                         0.0  2101.913755
46 2020-04-19  2463.681815  ...                         0.0  2141.889191
47 2020-04-20  2517.606244  ...                         0.0  2201.217117
48 2020-04-21  2571.530674  ...                         0.0  2274.222230
49 2020-04-22  2625.455104  ...                         0.0  2409.508968
50 2020-04-23  2679.379534  ...                         0.0  2482.515369
51 2020-04-24  2733.303964  ...                         0.0  2547.764807
52 2020-04-25  2787.228394  ...                         0.0  2479.384764
53 2020-04-26  2841.152824  ...                         0.0  2519.360201
54 2020-04-27  2895.077254  ...                         0.0  2578.688127
55 2020-04-28  2949.001684  ...                         0.0  2651.693240
56 2020-04-29  3002.926114  ...                         0.0  2786.979977
57 2020-04-30  3056.850544  ...                         0.0  2859.986378

[58 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Rhode Island
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-10   -1.638283  ...                         0.0  -23.037106
1  2020-03-11    8.792681  ...                         0.0  -16.374102
2  2020-03-12   19.223645  ...                         0.0   -1.709645
3  2020-03-13   29.654610  ...                         0.0   17.288956
4  2020-03-14   40.085574  ...                         0.0    6.473870
5  2020-03-15   50.516538  ...                         0.0   14.970309
6  2020-03-16   60.947502  ...                         0.0   26.967173
7  2020-03-17   71.378466  ...                         0.0   49.979643
8  2020-03-18   81.809606  ...                         0.0   56.642823
9  2020-03-19   92.241594  ...                         0.0   71.308304
10 2020-03-20  102.675351  ...                         0.0   90.309697
11 2020-03-21  113.112768  ...                         0.0   79.501064
12 2020-03-22  123.550186  ...                         0.0   88.003957
13 2020-03-23  133.987604  ...                         0.0  100.007274
14 2020-03-24  144.425021  ...                         0.0  123.026199
15 2020-03-25  154.862439  ...                         0.0  129.695656
16 2020-03-26  165.299857  ...                         0.0  144.366567
17 2020-03-27  175.737275  ...                         0.0  163.371621
18 2020-03-28  186.174693  ...                         0.0  152.562989
19 2020-03-29  196.612110  ...                         0.0  161.065881
20 2020-03-30  207.049528  ...                         0.0  173.069199
21 2020-03-31  217.486946  ...                         0.0  196.088123
22 2020-04-01  227.924364  ...                         0.0  202.757581
23 2020-04-02  238.361782  ...                         0.0  217.428492
24 2020-04-03  248.799199  ...                         0.0  236.433546
25 2020-04-04  259.236617  ...                         0.0  225.624914
26 2020-04-05  269.674035  ...                         0.0  234.127806
27 2020-04-06  280.111453  ...                         0.0  246.131124
28 2020-04-07  290.548871  ...                         0.0  269.150048
29 2020-04-08  300.986289  ...                         0.0  275.819506
30 2020-04-09  311.423706  ...                         0.0  290.490416
31 2020-04-10  321.861124  ...                         0.0  309.495470
32 2020-04-11  332.298542  ...                         0.0  298.686838
33 2020-04-12  342.735960  ...                         0.0  307.189731
34 2020-04-13  353.173378  ...                         0.0  319.193048
35 2020-04-14  363.610795  ...                         0.0  342.211972
36 2020-04-15  374.048213  ...                         0.0  348.881430
37 2020-04-16  384.485631  ...                         0.0  363.552341
38 2020-04-17  394.923049  ...                         0.0  382.557395
39 2020-04-18  405.360467  ...                         0.0  371.748763
40 2020-04-19  415.797884  ...                         0.0  380.251655
41 2020-04-20  426.235302  ...                         0.0  392.254973
42 2020-04-21  436.672720  ...                         0.0  415.273897
43 2020-04-22  447.110138  ...                         0.0  421.943355
44 2020-04-23  457.547556  ...                         0.0  436.614266
45 2020-04-24  467.984973  ...                         0.0  455.619320
46 2020-04-25  478.422391  ...                         0.0  444.810688
47 2020-04-26  488.859809  ...                         0.0  453.313580
48 2020-04-27  499.297227  ...                         0.0  465.316898
49 2020-04-28  509.734645  ...                         0.0  488.335822
50 2020-04-29  520.172062  ...                         0.0  495.005280
51 2020-04-30  530.609480  ...                         0.0  509.676190

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 5.
COUNTRY: Japan
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-01-22    -0.305859  ...                         0.0    -3.021601
1  2020-01-23     1.555141  ...                         0.0    -4.570903
2  2020-01-24     3.416142  ...                         0.0     3.073426
3  2020-01-25     5.277142  ...                         0.0    -3.089570
4  2020-01-26     7.138142  ...                         0.0     7.707839
..        ...          ...  ...                         ...          ...
95 2020-04-26  2804.382150  ...                         0.0  2804.951847
96 2020-04-27  2852.280012  ...                         0.0  2840.884672
97 2020-04-28  2900.177875  ...                         0.0  2892.815432
98 2020-04-29  2948.075737  ...                         0.0  2945.359995
99 2020-04-30  2995.973599  ...                         0.0  2989.847555

[100 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 12.
COUNTRY: Niger
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-20  -0.080390  ...                         0.0  -0.500749
1  2020-03-21   1.383640  ...                         0.0   0.963282
2  2020-03-22   2.847670  ...                         0.0   2.427312
3  2020-03-23   4.311701  ...                         0.0   3.891342
4  2020-03-24   5.775731  ...                         0.0   5.355373
5  2020-03-25   7.239761  ...                         0.0   6.819403
6  2020-03-26   8.703792  ...                         0.0   8.283433
7  2020-03-27  10.167822  ...                         0.0   9.747464
8  2020-03-28  11.631852  ...                         0.0  11.211494
9  2020-03-29  13.095883  ...                         0.0  12.675524
10 2020-03-30  14.559913  ...                         0.0  14.139555
11 2020-03-31  16.023943  ...                         0.0  15.603585
12 2020-04-01  17.487974  ...                         0.0  17.067615
13 2020-04-02  18.952004  ...                         0.0  18.531646
14 2020-04-03  20.416035  ...                         0.0  19.995676
15 2020-04-04  21.880065  ...                         0.0  21.459706
16 2020-04-05  23.344095  ...                         0.0  22.923737
17 2020-04-06  24.808126  ...                         0.0  24.387767
18 2020-04-07  26.272156  ...                         0.0  25.851797
19 2020-04-08  27.736186  ...                         0.0  27.315828
20 2020-04-09  29.200217  ...                         0.0  28.779858
21 2020-04-10  30.664247  ...                         0.0  30.243889
22 2020-04-11  32.128277  ...                         0.0  31.707919
23 2020-04-12  33.592308  ...                         0.0  33.171949
24 2020-04-13  35.056338  ...                         0.0  34.635980
25 2020-04-14  36.520368  ...                         0.0  36.100010
26 2020-04-15  37.984399  ...                         0.0  37.564040
27 2020-04-16  39.448429  ...                         0.0  39.028071
28 2020-04-17  40.912459  ...                         0.0  40.492101
29 2020-04-18  42.376490  ...                         0.0  41.956131
30 2020-04-19  43.840520  ...                         0.0  43.420162
31 2020-04-20  45.304550  ...                         0.0  44.884192
32 2020-04-21  46.768581  ...                         0.0  46.348222
33 2020-04-22  48.232611  ...                         0.0  47.812253
34 2020-04-23  49.696641  ...                         0.0  49.276283
35 2020-04-24  51.160672  ...                         0.0  50.740313
36 2020-04-25  52.624702  ...                         0.0  52.204344
37 2020-04-26  54.088733  ...                         0.0  53.668374
38 2020-04-27  55.552763  ...                         0.0  55.132404
39 2020-04-28  57.016793  ...                         0.0  56.596435
40 2020-04-29  58.480824  ...                         0.0  58.060465
41 2020-04-30  59.944854  ...                         0.0  59.524495

[42 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 7.
COUNTRY: Reunion
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-11   -1.694369  ...                         0.0  -21.792962
1  2020-03-12    7.327422  ...                         0.0  -13.126714
2  2020-03-13   16.349212  ...                         0.0   -3.795320
3  2020-03-14   25.371003  ...                         0.0   -6.032901
4  2020-03-15   34.392793  ...                         0.0    3.964532
5  2020-03-16   43.414584  ...                         0.0    8.469026
6  2020-03-17   52.436375  ...                         0.0   19.964541
7  2020-03-18   61.458165  ...                         0.0   41.359572
8  2020-03-19   70.480114  ...                         0.0   50.025978
9  2020-03-20   79.502062  ...                         0.0   59.357530
10 2020-03-21   88.524434  ...                         0.0   57.120530
11 2020-03-22   97.546805  ...                         0.0   67.118544
12 2020-03-23  106.569176  ...                         0.0   71.623619
13 2020-03-24  115.591548  ...                         0.0   83.119715
14 2020-03-25  124.613919  ...                         0.0  104.515326
15 2020-03-26  133.636291  ...                         0.0  113.182154
16 2020-03-27  142.658662  ...                         0.0  122.514129
17 2020-03-28  151.681033  ...                         0.0  120.277129
18 2020-03-29  160.703405  ...                         0.0  130.275144
19 2020-03-30  169.725776  ...                         0.0  134.780218
20 2020-03-31  178.748147  ...                         0.0  146.276314
21 2020-04-01  187.770519  ...                         0.0  167.671926
22 2020-04-02  196.792890  ...                         0.0  176.338754
23 2020-04-03  205.815261  ...                         0.0  185.670729
24 2020-04-04  214.837633  ...                         0.0  183.433729
25 2020-04-05  223.860004  ...                         0.0  193.431743
26 2020-04-06  232.882376  ...                         0.0  197.936818
27 2020-04-07  241.904747  ...                         0.0  209.432914
28 2020-04-08  250.927118  ...                         0.0  230.828525
29 2020-04-09  259.949490  ...                         0.0  239.495353
30 2020-04-10  268.971861  ...                         0.0  248.827328
31 2020-04-11  277.994232  ...                         0.0  246.590328
32 2020-04-12  287.016604  ...                         0.0  256.588343
33 2020-04-13  296.038975  ...                         0.0  261.093417
34 2020-04-14  305.061346  ...                         0.0  272.589513
35 2020-04-15  314.083718  ...                         0.0  293.985125
36 2020-04-16  323.106089  ...                         0.0  302.651953
37 2020-04-17  332.128461  ...                         0.0  311.983928
38 2020-04-18  341.150832  ...                         0.0  309.746928
39 2020-04-19  350.173203  ...                         0.0  319.744942
40 2020-04-20  359.195575  ...                         0.0  324.250017
41 2020-04-21  368.217946  ...                         0.0  335.746113
42 2020-04-22  377.240317  ...                         0.0  357.141724
43 2020-04-23  386.262689  ...                         0.0  365.808553
44 2020-04-24  395.285060  ...                         0.0  375.140527
45 2020-04-25  404.307431  ...                         0.0  372.903527
46 2020-04-26  413.329803  ...                         0.0  382.901542
47 2020-04-27  422.352174  ...                         0.0  387.406616
48 2020-04-28  431.374546  ...                         0.0  398.902712
49 2020-04-29  440.396917  ...                         0.0  420.298324
50 2020-04-30  449.419288  ...                         0.0  428.965152

[51 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 9.
COUNTRY: Kyrgyzstan
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-18    0.196393  ...                         0.0   -4.418928
1  2020-03-19    6.600959  ...                         0.0    1.985639
2  2020-03-20   13.005525  ...                         0.0    8.390205
3  2020-03-21   19.410091  ...                         0.0   14.794771
4  2020-03-22   25.814658  ...                         0.0   21.199337
5  2020-03-23   32.219224  ...                         0.0   27.603904
6  2020-03-24   38.623790  ...                         0.0   34.008470
7  2020-03-25   45.028356  ...                         0.0   40.413036
8  2020-03-26   51.432923  ...                         0.0   46.817602
9  2020-03-27   57.837489  ...                         0.0   53.222169
10 2020-03-28   64.242055  ...                         0.0   59.626735
11 2020-03-29   70.646621  ...                         0.0   66.031301
12 2020-03-30   77.051188  ...                         0.0   72.435867
13 2020-03-31   83.455754  ...                         0.0   78.840434
14 2020-04-01   89.860320  ...                         0.0   85.245000
15 2020-04-02   96.264886  ...                         0.0   91.649566
16 2020-04-03  102.669453  ...                         0.0   98.054132
17 2020-04-04  109.074019  ...                         0.0  104.458699
18 2020-04-05  115.478585  ...                         0.0  110.863265
19 2020-04-06  121.883151  ...                         0.0  117.267831
20 2020-04-07  128.287718  ...                         0.0  123.672397
21 2020-04-08  134.692284  ...                         0.0  130.076964
22 2020-04-09  141.096850  ...                         0.0  136.481530
23 2020-04-10  147.501416  ...                         0.0  142.886096
24 2020-04-11  153.905983  ...                         0.0  149.290662
25 2020-04-12  160.310549  ...                         0.0  155.695229
26 2020-04-13  166.715115  ...                         0.0  162.099795
27 2020-04-14  173.119681  ...                         0.0  168.504361
28 2020-04-15  179.524248  ...                         0.0  174.908927
29 2020-04-16  185.928814  ...                         0.0  181.313494
30 2020-04-17  192.333380  ...                         0.0  187.718060
31 2020-04-18  198.737946  ...                         0.0  194.122626
32 2020-04-19  205.142513  ...                         0.0  200.527192
33 2020-04-20  211.547079  ...                         0.0  206.931759
34 2020-04-21  217.951645  ...                         0.0  213.336325
35 2020-04-22  224.356211  ...                         0.0  219.740891
36 2020-04-23  230.760778  ...                         0.0  226.145457
37 2020-04-24  237.165344  ...                         0.0  232.550024
38 2020-04-25  243.569910  ...                         0.0  238.954590
39 2020-04-26  249.974476  ...                         0.0  245.359156
40 2020-04-27  256.379043  ...                         0.0  251.763722
41 2020-04-28  262.783609  ...                         0.0  258.168288
42 2020-04-29  269.188175  ...                         0.0  264.572855
43 2020-04-30  275.592741  ...                         0.0  270.977421

[44 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Guam
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-15   -0.231219  ...                         0.0   -3.890955
1  2020-03-16    3.955997  ...                         0.0    0.296261
2  2020-03-17    8.143214  ...                         0.0    4.483477
3  2020-03-18   12.330430  ...                         0.0    8.670693
4  2020-03-19   16.517646  ...                         0.0   12.857910
5  2020-03-20   20.704868  ...                         0.0   17.045131
6  2020-03-21   24.892090  ...                         0.0   21.232353
7  2020-03-22   29.079311  ...                         0.0   25.419575
8  2020-03-23   33.266533  ...                         0.0   29.606796
9  2020-03-24   37.453755  ...                         0.0   33.794018
10 2020-03-25   41.640976  ...                         0.0   37.981240
11 2020-03-26   45.828198  ...                         0.0   42.168461
12 2020-03-27   50.015419  ...                         0.0   46.355683
13 2020-03-28   54.202641  ...                         0.0   50.542904
14 2020-03-29   58.389863  ...                         0.0   54.730126
15 2020-03-30   62.577084  ...                         0.0   58.917348
16 2020-03-31   66.764306  ...                         0.0   63.104569
17 2020-04-01   70.951527  ...                         0.0   67.291791
18 2020-04-02   75.138749  ...                         0.0   71.479012
19 2020-04-03   79.325970  ...                         0.0   75.666234
20 2020-04-04   83.513192  ...                         0.0   79.853455
21 2020-04-05   87.700414  ...                         0.0   84.040677
22 2020-04-06   91.887635  ...                         0.0   88.227899
23 2020-04-07   96.074857  ...                         0.0   92.415120
24 2020-04-08  100.262078  ...                         0.0   96.602342
25 2020-04-09  104.449300  ...                         0.0  100.789563
26 2020-04-10  108.636522  ...                         0.0  104.976785
27 2020-04-11  112.823743  ...                         0.0  109.164007
28 2020-04-12  117.010965  ...                         0.0  113.351228
29 2020-04-13  121.198186  ...                         0.0  117.538450
30 2020-04-14  125.385408  ...                         0.0  121.725671
31 2020-04-15  129.572630  ...                         0.0  125.912893
32 2020-04-16  133.759851  ...                         0.0  130.100115
33 2020-04-17  137.947073  ...                         0.0  134.287336
34 2020-04-18  142.134294  ...                         0.0  138.474558
35 2020-04-19  146.321516  ...                         0.0  142.661779
36 2020-04-20  150.508738  ...                         0.0  146.849001
37 2020-04-21  154.695959  ...                         0.0  151.036223
38 2020-04-22  158.883181  ...                         0.0  155.223444
39 2020-04-23  163.070402  ...                         0.0  159.410666
40 2020-04-24  167.257624  ...                         0.0  163.597887
41 2020-04-25  171.444846  ...                         0.0  167.785109
42 2020-04-26  175.632067  ...                         0.0  171.972331
43 2020-04-27  179.819289  ...                         0.0  176.159552
44 2020-04-28  184.006510  ...                         0.0  180.346774
45 2020-04-29  188.193732  ...                         0.0  184.533995
46 2020-04-30  192.380953  ...                         0.0  188.721217

[47 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Massachusetts
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-10   -28.065682  ...                         0.0  -452.169122
1  2020-03-11   106.443849  ...                         0.0  -225.004242
2  2020-03-12   240.953380  ...                         0.0     8.826796
3  2020-03-13   375.462911  ...                         0.0   316.314374
4  2020-03-14   509.972443  ...                         0.0  -139.038698
5  2020-03-15   644.481974  ...                         0.0   -65.775224
6  2020-03-16   778.991505  ...                         0.0    15.986947
7  2020-03-17   913.501036  ...                         0.0   489.397596
8  2020-03-18  1048.010567  ...                         0.0   716.562475
9  2020-03-19  1182.520112  ...                         0.0   950.393528
10 2020-03-20  1317.030770  ...                         0.0  1257.882233
11 2020-03-21  1451.541429  ...                         0.0   802.530288
12 2020-03-22  1586.052087  ...                         0.0   875.794890
13 2020-03-23  1720.562746  ...                         0.0   957.558188
14 2020-03-24  1855.073405  ...                         0.0  1430.969965
15 2020-03-25  1989.584064  ...                         0.0  1658.135973
16 2020-03-26  2124.094723  ...                         0.0  1891.968139
17 2020-03-27  2258.605382  ...                         0.0  2199.456845
18 2020-03-28  2393.116041  ...                         0.0  1744.104900
19 2020-03-29  2527.626700  ...                         0.0  1817.369503
20 2020-03-30  2662.137359  ...                         0.0  1899.132801
21 2020-03-31  2796.648018  ...                         0.0  2372.544578
22 2020-04-01  2931.158677  ...                         0.0  2599.710585
23 2020-04-02  3065.669336  ...                         0.0  2833.542752
24 2020-04-03  3200.179995  ...                         0.0  3141.031457
25 2020-04-04  3334.690653  ...                         0.0  2685.679513
26 2020-04-05  3469.201312  ...                         0.0  2758.944115
27 2020-04-06  3603.711971  ...                         0.0  2840.707413
28 2020-04-07  3738.222630  ...                         0.0  3314.119190
29 2020-04-08  3872.733289  ...                         0.0  3541.285198
30 2020-04-09  4007.243948  ...                         0.0  3775.117364
31 2020-04-10  4141.754607  ...                         0.0  4082.606070
32 2020-04-11  4276.265266  ...                         0.0  3627.254125
33 2020-04-12  4410.775925  ...                         0.0  3700.518727
34 2020-04-13  4545.286584  ...                         0.0  3782.282026
35 2020-04-14  4679.797243  ...                         0.0  4255.693803
36 2020-04-15  4814.307902  ...                         0.0  4482.859810
37 2020-04-16  4948.818561  ...                         0.0  4716.691977
38 2020-04-17  5083.329220  ...                         0.0  5024.180682
39 2020-04-18  5217.839878  ...                         0.0  4568.828738
40 2020-04-19  5352.350537  ...                         0.0  4642.093340
41 2020-04-20  5486.861196  ...                         0.0  4723.856638
42 2020-04-21  5621.371855  ...                         0.0  5197.268415
43 2020-04-22  5755.882514  ...                         0.0  5424.434423
44 2020-04-23  5890.393173  ...                         0.0  5658.266589
45 2020-04-24  6024.903832  ...                         0.0  5965.755295
46 2020-04-25  6159.414491  ...                         0.0  5510.403350
47 2020-04-26  6293.925150  ...                         0.0  5583.667952
48 2020-04-27  6428.435809  ...                         0.0  5665.431251
49 2020-04-28  6562.946468  ...                         0.0  6138.843028
50 2020-04-29  6697.457127  ...                         0.0  6366.009035
51 2020-04-30  6831.967786  ...                         0.0  6599.841202

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 3.
COUNTRY: Bahrain
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-02-24     0.469820  ...                         0.0     1.049120
1  2020-02-25     6.203047  ...                         0.0     7.122682
2  2020-02-26    11.936275  ...                         0.0    29.898758
3  2020-02-27    17.669502  ...                         0.0    34.870525
4  2020-02-28    23.402730  ...                         0.0    31.639035
..        ...          ...  ...                         ...          ...
62 2020-04-26  1078.658317  ...                         0.0  1080.138006
63 2020-04-27  1099.819511  ...                         0.0  1100.398811
64 2020-04-28  1120.980705  ...                         0.0  1121.900339
65 2020-04-29  1142.141898  ...                         0.0  1160.104381
66 2020-04-30  1163.303092  ...                         0.0  1180.504115

[67 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Belize
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-23   0.058856  ...                         0.0   1.000548
1  2020-03-24   0.358578  ...                         0.0   1.300270
2  2020-03-25   0.658301  ...                         0.0   1.599993
3  2020-03-26   0.958023  ...                         0.0   1.899715
4  2020-03-27   1.257746  ...                         0.0   2.199437
5  2020-03-28   1.557468  ...                         0.0   2.499160
6  2020-03-29   1.857191  ...                         0.0   2.798882
7  2020-03-30   2.156913  ...                         0.0   3.098605
8  2020-03-31   2.456636  ...                         0.0   3.398327
9  2020-04-01   2.756358  ...                         0.0   3.698050
10 2020-04-02   3.056080  ...                         0.0   3.997772
11 2020-04-03   3.355803  ...                         0.0   4.297495
12 2020-04-04   3.655525  ...                         0.0   4.597217
13 2020-04-05   3.955248  ...                         0.0   4.896939
14 2020-04-06   4.254970  ...                         0.0   5.196662
15 2020-04-07   4.554693  ...                         0.0   5.496384
16 2020-04-08   4.854415  ...                         0.0   5.796107
17 2020-04-09   5.154138  ...                         0.0   6.095829
18 2020-04-10   5.453860  ...                         0.0   6.395552
19 2020-04-11   5.753582  ...                         0.0   6.695274
20 2020-04-12   6.053305  ...                         0.0   6.994997
21 2020-04-13   6.353027  ...                         0.0   7.294719
22 2020-04-14   6.652750  ...                         0.0   7.594441
23 2020-04-15   6.952472  ...                         0.0   7.894164
24 2020-04-16   7.252195  ...                         0.0   8.193886
25 2020-04-17   7.551917  ...                         0.0   8.493609
26 2020-04-18   7.851640  ...                         0.0   8.793331
27 2020-04-19   8.151362  ...                         0.0   9.093054
28 2020-04-20   8.451084  ...                         0.0   9.392776
29 2020-04-21   8.750807  ...                         0.0   9.692499
30 2020-04-22   9.050529  ...                         0.0   9.992221
31 2020-04-23   9.350252  ...                         0.0  10.291943
32 2020-04-24   9.649974  ...                         0.0  10.591666
33 2020-04-25   9.949697  ...                         0.0  10.891388
34 2020-04-26  10.249419  ...                         0.0  11.191111
35 2020-04-27  10.549142  ...                         0.0  11.490833
36 2020-04-28  10.848864  ...                         0.0  11.790556
37 2020-04-29  11.148586  ...                         0.0  12.090278
38 2020-04-30  11.448309  ...                         0.0  12.390001

[39 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Iran
           ds         trend  ...  multiplicative_terms_upper          yhat
0  2020-02-19    -20.552796  ...                         0.0   -326.322880
1  2020-02-20     67.346498  ...                         0.0   -124.106084
2  2020-02-21    155.245803  ...                         0.0    225.819591
3  2020-02-22    243.145100  ...                         0.0    -47.217279
4  2020-02-23    331.044402  ...                         0.0   -136.257773
..        ...           ...  ...                         ...           ...
67 2020-04-26  76387.004511  ...                         0.0  75919.702336
68 2020-04-27  77913.156708  ...                         0.0  77312.914733
69 2020-04-28  79439.308906  ...                         0.0  78923.936520
70 2020-04-29  80965.461103  ...                         0.0  80659.691019
71 2020-04-30  82491.613300  ...                         0.0  82300.160717

[72 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 10.
COUNTRY: Ningxia
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-01-22  -0.244893  ...                         0.0  -4.166414
1  2020-01-23   2.453687  ...                         0.0  -0.942060
2  2020-01-24   5.152267  ...                         0.0   1.588096
3  2020-01-25   7.850847  ...                         0.0   4.289303
4  2020-01-26  10.549426  ...                         0.0   6.159593
..        ...        ...  ...                         ...        ...
95 2020-04-26  80.192753  ...                         0.0  75.802919
96 2020-04-27  80.224500  ...                         0.0  75.895265
97 2020-04-28  80.256247  ...                         0.0  75.987778
98 2020-04-29  80.287994  ...                         0.0  76.366473
99 2020-04-30  80.319741  ...                         0.0  76.923994

[100 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 22.
COUNTRY: Saint Lucia
           ds     trend  ...  multiplicative_terms_upper      yhat
0  2020-03-14  0.085811  ...                         0.0  1.457209
1  2020-03-15  0.213220  ...                         0.0  1.584618
2  2020-03-16  0.340628  ...                         0.0  1.712027
3  2020-03-17  0.468037  ...                         0.0  1.839435
4  2020-03-18  0.595445  ...                         0.0  1.966844
5  2020-03-19  0.722854  ...                         0.0  2.094252
6  2020-03-20  0.850262  ...                         0.0  2.221661
7  2020-03-21  0.977671  ...                         0.0  2.349069
8  2020-03-22  1.105080  ...                         0.0  2.476478
9  2020-03-23  1.232488  ...                         0.0  2.603886
10 2020-03-24  1.359897  ...                         0.0  2.731295
11 2020-03-25  1.487305  ...                         0.0  2.858703
12 2020-03-26  1.614714  ...                         0.0  2.986112
13 2020-03-27  1.742122  ...                         0.0  3.113521
14 2020-03-28  1.869531  ...                         0.0  3.240929
15 2020-03-29  1.996939  ...                         0.0  3.368338
16 2020-03-30  2.124348  ...                         0.0  3.495746
17 2020-03-31  2.251757  ...                         0.0  3.623155
18 2020-04-01  2.379165  ...                         0.0  3.750563
19 2020-04-02  2.506574  ...                         0.0  3.877972
20 2020-04-03  2.633982  ...                         0.0  4.005380
21 2020-04-04  2.761391  ...                         0.0  4.132789
22 2020-04-05  2.888799  ...                         0.0  4.260197
23 2020-04-06  3.016208  ...                         0.0  4.387606
24 2020-04-07  3.143616  ...                         0.0  4.515015
25 2020-04-08  3.271025  ...                         0.0  4.642423
26 2020-04-09  3.398433  ...                         0.0  4.769832
27 2020-04-10  3.525842  ...                         0.0  4.897240
28 2020-04-11  3.653251  ...                         0.0  5.024649
29 2020-04-12  3.780659  ...                         0.0  5.152057
30 2020-04-13  3.908068  ...                         0.0  5.279466
31 2020-04-14  4.035476  ...                         0.0  5.406874
32 2020-04-15  4.162885  ...                         0.0  5.534283
33 2020-04-16  4.290293  ...                         0.0  5.661692
34 2020-04-17  4.417702  ...                         0.0  5.789100
35 2020-04-18  4.545110  ...                         0.0  5.916509
36 2020-04-19  4.672519  ...                         0.0  6.043917
37 2020-04-20  4.799927  ...                         0.0  6.171326
38 2020-04-21  4.927336  ...                         0.0  6.298734
39 2020-04-22  5.054745  ...                         0.0  6.426143
40 2020-04-23  5.182153  ...                         0.0  6.553551
41 2020-04-24  5.309562  ...                         0.0  6.680960
42 2020-04-25  5.436970  ...                         0.0  6.808368
43 2020-04-26  5.564379  ...                         0.0  6.935777
44 2020-04-27  5.691787  ...                         0.0  7.063186
45 2020-04-28  5.819196  ...                         0.0  7.190594
46 2020-04-29  5.946604  ...                         0.0  7.318003
47 2020-04-30  6.074013  ...                         0.0  7.445411

[48 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Belarus
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-02-28   -1.101017  ...                         0.0  -12.761700
1  2020-02-29    2.622573  ...                         0.0  -11.613778
2  2020-03-01    6.346163  ...                         0.0  -11.617130
3  2020-03-02   10.069753  ...                         0.0   -8.120674
4  2020-03-03   13.793343  ...                         0.0   -7.374711
..        ...         ...  ...                         ...         ...
58 2020-04-26  215.132778  ...                         0.0  197.169485
59 2020-04-27  218.862240  ...                         0.0  200.671814
60 2020-04-28  222.591702  ...                         0.0  201.423648
61 2020-04-29  226.321164  ...                         0.0  207.675029
62 2020-04-30  230.050626  ...                         0.0  208.426283

[63 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 12.
COUNTRY: Hawaii
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-10   -1.340800  ...                         0.0  -12.160254
1  2020-03-11    5.254034  ...                         0.0  -10.491845
2  2020-03-12   11.848867  ...                         0.0   -8.489430
3  2020-03-13   18.443701  ...                         0.0   -1.486330
4  2020-03-14   25.038534  ...                         0.0   -2.576616
5  2020-03-15   31.633368  ...                         0.0    6.427538
6  2020-03-16   38.228201  ...                         0.0    8.430895
7  2020-03-17   44.823035  ...                         0.0   34.003580
8  2020-03-18   51.418469  ...                         0.0   35.672590
9  2020-03-19   58.014625  ...                         0.0   37.676328
10 2020-03-20   64.610787  ...                         0.0   44.680756
11 2020-03-21   71.206950  ...                         0.0   43.591799
12 2020-03-22   77.803112  ...                         0.0   52.597282
13 2020-03-23   84.399274  ...                         0.0   54.601969
14 2020-03-24   90.995437  ...                         0.0   80.175982
15 2020-03-25   97.591599  ...                         0.0   81.845720
16 2020-03-26  104.187761  ...                         0.0   83.849464
17 2020-03-27  110.783924  ...                         0.0   90.853893
18 2020-03-28  117.380086  ...                         0.0   89.764935
19 2020-03-29  123.976248  ...                         0.0   98.770418
20 2020-03-30  130.572410  ...                         0.0  100.775105
21 2020-03-31  137.168573  ...                         0.0  126.349118
22 2020-04-01  143.764735  ...                         0.0  128.018857
23 2020-04-02  150.360897  ...                         0.0  130.022600
24 2020-04-03  156.957060  ...                         0.0  137.027029
25 2020-04-04  163.553222  ...                         0.0  135.938072
26 2020-04-05  170.149384  ...                         0.0  144.943555
27 2020-04-06  176.745547  ...                         0.0  146.948241
28 2020-04-07  183.341709  ...                         0.0  172.522255
29 2020-04-08  189.937871  ...                         0.0  174.191993
30 2020-04-09  196.534034  ...                         0.0  176.195736
31 2020-04-10  203.130196  ...                         0.0  183.200165
32 2020-04-11  209.726358  ...                         0.0  182.111208
33 2020-04-12  216.322521  ...                         0.0  191.116691
34 2020-04-13  222.918683  ...                         0.0  193.121377
35 2020-04-14  229.514845  ...                         0.0  218.695391
36 2020-04-15  236.111008  ...                         0.0  220.365129
37 2020-04-16  242.707170  ...                         0.0  222.368873
38 2020-04-17  249.303332  ...                         0.0  229.373301
39 2020-04-18  255.899494  ...                         0.0  228.284344
40 2020-04-19  262.495657  ...                         0.0  237.289827
41 2020-04-20  269.091819  ...                         0.0  239.294513
42 2020-04-21  275.687981  ...                         0.0  264.868527
43 2020-04-22  282.284144  ...                         0.0  266.538265
44 2020-04-23  288.880306  ...                         0.0  268.542009
45 2020-04-24  295.476468  ...                         0.0  275.546437
46 2020-04-25  302.072631  ...                         0.0  274.457480
47 2020-04-26  308.668793  ...                         0.0  283.462963
48 2020-04-27  315.264955  ...                         0.0  285.467650
49 2020-04-28  321.861118  ...                         0.0  311.041663
50 2020-04-29  328.457280  ...                         0.0  312.711401
51 2020-04-30  335.053442  ...                         0.0  314.715145

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Honduras
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-11   -0.521966  ...                         0.0   -8.769927
1  2020-03-12    2.968296  ...                         0.0   -2.437167
2  2020-03-13    6.458559  ...                         0.0    6.895247
3  2020-03-14    9.948821  ...                         0.0    0.781072
4  2020-03-15   13.439084  ...                         0.0    2.280681
5  2020-03-16   16.929347  ...                         0.0    5.780012
6  2020-03-17   20.419609  ...                         0.0    6.779589
7  2020-03-18   23.909872  ...                         0.0   15.661911
8  2020-03-19   27.400135  ...                         0.0   21.994672
9  2020-03-20   30.891388  ...                         0.0   31.328076
10 2020-03-21   34.382641  ...                         0.0   25.214892
11 2020-03-22   37.874181  ...                         0.0   26.715778
12 2020-03-23   41.365721  ...                         0.0   30.216386
13 2020-03-24   44.857261  ...                         0.0   31.217240
14 2020-03-25   48.348800  ...                         0.0   40.100840
15 2020-03-26   51.840340  ...                         0.0   46.434877
16 2020-03-27   55.331880  ...                         0.0   55.768568
17 2020-03-28   58.823420  ...                         0.0   49.655670
18 2020-03-29   62.314959  ...                         0.0   51.156556
19 2020-03-30   65.806499  ...                         0.0   54.657164
20 2020-03-31   69.298039  ...                         0.0   55.658018
21 2020-04-01   72.789579  ...                         0.0   64.541618
22 2020-04-02   76.281118  ...                         0.0   70.875656
23 2020-04-03   79.772658  ...                         0.0   80.209347
24 2020-04-04   83.264198  ...                         0.0   74.096449
25 2020-04-05   86.755738  ...                         0.0   75.597335
26 2020-04-06   90.247277  ...                         0.0   79.097943
27 2020-04-07   93.738817  ...                         0.0   80.098797
28 2020-04-08   97.230357  ...                         0.0   88.982396
29 2020-04-09  100.721897  ...                         0.0   95.316434
30 2020-04-10  104.213437  ...                         0.0  104.650125
31 2020-04-11  107.704976  ...                         0.0   98.537227
32 2020-04-12  111.196516  ...                         0.0  100.038113
33 2020-04-13  114.688056  ...                         0.0  103.538721
34 2020-04-14  118.179596  ...                         0.0  104.539575
35 2020-04-15  121.671135  ...                         0.0  113.423175
36 2020-04-16  125.162675  ...                         0.0  119.757212
37 2020-04-17  128.654215  ...                         0.0  129.090903
38 2020-04-18  132.145755  ...                         0.0  122.978005
39 2020-04-19  135.637294  ...                         0.0  124.478891
40 2020-04-20  139.128834  ...                         0.0  127.979499
41 2020-04-21  142.620374  ...                         0.0  128.980353
42 2020-04-22  146.111914  ...                         0.0  137.863953
43 2020-04-23  149.603453  ...                         0.0  144.197991
44 2020-04-24  153.094993  ...                         0.0  153.531682
45 2020-04-25  156.586533  ...                         0.0  147.418784
46 2020-04-26  160.078073  ...                         0.0  148.919670
47 2020-04-27  163.569612  ...                         0.0  152.420278
48 2020-04-28  167.061152  ...                         0.0  153.421132
49 2020-04-29  170.552692  ...                         0.0  162.304731
50 2020-04-30  174.044232  ...                         0.0  168.638769

[51 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 15.
COUNTRY: Finland
           ds        trend  ...  multiplicative_terms_upper        yhat
0  2020-01-29   -11.175184  ...                         0.0 -174.345274
1  2020-01-30     0.138089  ...                         0.0 -157.946468
2  2020-01-31    11.451362  ...                         0.0 -132.215801
3  2020-02-01    22.764636  ...                         0.0 -181.389458
4  2020-02-02    34.077909  ...                         0.0 -164.809157
..        ...          ...  ...                         ...         ...
88 2020-04-26   989.863963  ...                         0.0  790.976896
89 2020-04-27  1001.278155  ...                         0.0  805.281659
90 2020-04-28  1012.692348  ...                         0.0  823.583798
91 2020-04-29  1024.106540  ...                         0.0  860.936450
92 2020-04-30  1035.520732  ...                         0.0  877.436175

[93 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 6.
COUNTRY: Bangladesh
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-08   -0.403913  ...                         0.0   -6.164564
1  2020-03-09    2.143008  ...                         0.0   -3.165390
2  2020-03-10    4.689930  ...                         0.0   -0.499625
3  2020-03-11    7.236852  ...                         0.0    0.832822
4  2020-03-12    9.783774  ...                         0.0    3.498286
5  2020-03-13   12.330696  ...                         0.0    5.830241
6  2020-03-14   14.877617  ...                         0.0    5.082608
7  2020-03-15   17.424539  ...                         0.0   11.663889
8  2020-03-16   19.971756  ...                         0.0   14.663357
9  2020-03-17   22.519210  ...                         0.0   17.329656
10 2020-03-18   25.066674  ...                         0.0   18.662643
11 2020-03-19   27.615033  ...                         0.0   21.329545
12 2020-03-20   30.163909  ...                         0.0   23.663455
13 2020-03-21   32.712786  ...                         0.0   22.917777
14 2020-03-22   35.261662  ...                         0.0   29.501012
15 2020-03-23   37.810538  ...                         0.0   32.502140
16 2020-03-24   40.359415  ...                         0.0   35.169860
17 2020-03-25   42.908291  ...                         0.0   36.504261
18 2020-03-26   45.457167  ...                         0.0   39.171680
19 2020-03-27   48.006044  ...                         0.0   41.505590
20 2020-03-28   50.554920  ...                         0.0   40.759911
21 2020-03-29   53.103796  ...                         0.0   47.343146
22 2020-03-30   55.652673  ...                         0.0   50.344274
23 2020-03-31   58.201549  ...                         0.0   53.011994
24 2020-04-01   60.750426  ...                         0.0   54.346395
25 2020-04-02   63.299302  ...                         0.0   57.013814
26 2020-04-03   65.848178  ...                         0.0   59.347724
27 2020-04-04   68.397055  ...                         0.0   58.602046
28 2020-04-05   70.945931  ...                         0.0   65.185281
29 2020-04-06   73.494807  ...                         0.0   68.186409
30 2020-04-07   76.043684  ...                         0.0   70.854129
31 2020-04-08   78.592560  ...                         0.0   72.188530
32 2020-04-09   81.141437  ...                         0.0   74.855949
33 2020-04-10   83.690313  ...                         0.0   77.189859
34 2020-04-11   86.239189  ...                         0.0   76.444180
35 2020-04-12   88.788066  ...                         0.0   83.027415
36 2020-04-13   91.336942  ...                         0.0   86.028544
37 2020-04-14   93.885818  ...                         0.0   88.696264
38 2020-04-15   96.434695  ...                         0.0   90.030664
39 2020-04-16   98.983571  ...                         0.0   92.698084
40 2020-04-17  101.532448  ...                         0.0   95.031993
41 2020-04-18  104.081324  ...                         0.0   94.286315
42 2020-04-19  106.630200  ...                         0.0  100.869550
43 2020-04-20  109.179077  ...                         0.0  103.870678
44 2020-04-21  111.727953  ...                         0.0  106.538398
45 2020-04-22  114.276829  ...                         0.0  107.872799
46 2020-04-23  116.825706  ...                         0.0  110.540218
47 2020-04-24  119.374582  ...                         0.0  112.874128
48 2020-04-25  121.923459  ...                         0.0  112.128450
49 2020-04-26  124.472335  ...                         0.0  118.711685
50 2020-04-27  127.021211  ...                         0.0  121.712813
51 2020-04-28  129.570088  ...                         0.0  124.380533
52 2020-04-29  132.118964  ...                         0.0  125.714934
53 2020-04-30  134.667840  ...                         0.0  128.382353

[54 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 18.
COUNTRY: Chad
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-19   0.032271  ...                         0.0   0.557085
1  2020-03-20   0.365220  ...                         0.0   0.890034
2  2020-03-21   0.698169  ...                         0.0   1.222983
3  2020-03-22   1.031118  ...                         0.0   1.555932
4  2020-03-23   1.364067  ...                         0.0   1.888882
5  2020-03-24   1.697016  ...                         0.0   2.221831
6  2020-03-25   2.029965  ...                         0.0   2.554780
7  2020-03-26   2.362914  ...                         0.0   2.887729
8  2020-03-27   2.695863  ...                         0.0   3.220678
9  2020-03-28   3.028812  ...                         0.0   3.553627
10 2020-03-29   3.361761  ...                         0.0   3.886576
11 2020-03-30   3.694710  ...                         0.0   4.219525
12 2020-03-31   4.027659  ...                         0.0   4.552474
13 2020-04-01   4.360608  ...                         0.0   4.885423
14 2020-04-02   4.693557  ...                         0.0   5.218372
15 2020-04-03   5.026506  ...                         0.0   5.551321
16 2020-04-04   5.359455  ...                         0.0   5.884270
17 2020-04-05   5.692404  ...                         0.0   6.217219
18 2020-04-06   6.025353  ...                         0.0   6.550168
19 2020-04-07   6.358303  ...                         0.0   6.883117
20 2020-04-08   6.691252  ...                         0.0   7.216066
21 2020-04-09   7.024201  ...                         0.0   7.549015
22 2020-04-10   7.357150  ...                         0.0   7.881964
23 2020-04-11   7.690099  ...                         0.0   8.214913
24 2020-04-12   8.023048  ...                         0.0   8.547862
25 2020-04-13   8.355997  ...                         0.0   8.880811
26 2020-04-14   8.688946  ...                         0.0   9.213761
27 2020-04-15   9.021895  ...                         0.0   9.546710
28 2020-04-16   9.354844  ...                         0.0   9.879659
29 2020-04-17   9.687793  ...                         0.0  10.212608
30 2020-04-18  10.020742  ...                         0.0  10.545557
31 2020-04-19  10.353691  ...                         0.0  10.878506
32 2020-04-20  10.686640  ...                         0.0  11.211455
33 2020-04-21  11.019589  ...                         0.0  11.544404
34 2020-04-22  11.352538  ...                         0.0  11.877353
35 2020-04-23  11.685487  ...                         0.0  12.210302
36 2020-04-24  12.018436  ...                         0.0  12.543251
37 2020-04-25  12.351385  ...                         0.0  12.876200
38 2020-04-26  12.684334  ...                         0.0  13.209149
39 2020-04-27  13.017283  ...                         0.0  13.542098
40 2020-04-28  13.350232  ...                         0.0  13.875047
41 2020-04-29  13.683182  ...                         0.0  14.207996
42 2020-04-30  14.016131  ...                         0.0  14.540945

[43 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 7.
COUNTRY: Saint Barthelemy
           ds     trend  ...  multiplicative_terms_upper      yhat
0  2020-03-04  0.106721  ...                         0.0  1.848306
1  2020-03-05  0.168797  ...                         0.0  1.848314
2  2020-03-06  0.230873  ...                         0.0  2.348272
3  2020-03-07  0.292948  ...                         0.0  1.898915
4  2020-03-08  0.355024  ...                         0.0  1.898924
5  2020-03-09  0.417100  ...                         0.0  1.898933
6  2020-03-10  0.479176  ...                         0.0  1.898941
7  2020-03-11  0.541251  ...                         0.0  2.282836
8  2020-03-12  0.603327  ...                         0.0  2.282844
9  2020-03-13  0.665403  ...                         0.0  2.782802
10 2020-03-14  0.727479  ...                         0.0  2.333446
11 2020-03-15  0.789554  ...                         0.0  2.333454
12 2020-03-16  0.851630  ...                         0.0  2.333463
13 2020-03-17  0.913706  ...                         0.0  2.333471
14 2020-03-18  0.975782  ...                         0.0  2.717366
15 2020-03-19  1.037857  ...                         0.0  2.717374
16 2020-03-20  1.099933  ...                         0.0  3.217332
17 2020-03-21  1.162009  ...                         0.0  2.767976
18 2020-03-22  1.224085  ...                         0.0  2.767984
19 2020-03-23  1.286160  ...                         0.0  2.767993
20 2020-03-24  1.348236  ...                         0.0  2.768002
21 2020-03-25  1.410312  ...                         0.0  3.151896
22 2020-03-26  1.472388  ...                         0.0  3.151904
23 2020-03-27  1.534463  ...                         0.0  3.651862
24 2020-03-28  1.596539  ...                         0.0  3.202506
25 2020-03-29  1.658615  ...                         0.0  3.202515
26 2020-03-30  1.720691  ...                         0.0  3.202523
27 2020-03-31  1.782766  ...                         0.0  3.202532
28 2020-04-01  1.844842  ...                         0.0  3.586427
29 2020-04-02  1.906918  ...                         0.0  3.586435
30 2020-04-03  1.968994  ...                         0.0  4.086393
31 2020-04-04  2.031070  ...                         0.0  3.637037
32 2020-04-05  2.093145  ...                         0.0  3.637045
33 2020-04-06  2.155221  ...                         0.0  3.637054
34 2020-04-07  2.217297  ...                         0.0  3.637062
35 2020-04-08  2.279373  ...                         0.0  4.020957
36 2020-04-09  2.341448  ...                         0.0  4.020965
37 2020-04-10  2.403524  ...                         0.0  4.520923
38 2020-04-11  2.465600  ...                         0.0  4.071567
39 2020-04-12  2.527676  ...                         0.0  4.071575
40 2020-04-13  2.589751  ...                         0.0  4.071584
41 2020-04-14  2.651827  ...                         0.0  4.071593
42 2020-04-15  2.713903  ...                         0.0  4.455487
43 2020-04-16  2.775979  ...                         0.0  4.455495
44 2020-04-17  2.838054  ...                         0.0  4.955453
45 2020-04-18  2.900130  ...                         0.0  4.506097
46 2020-04-19  2.962206  ...                         0.0  4.506106
47 2020-04-20  3.024282  ...                         0.0  4.506114
48 2020-04-21  3.086357  ...                         0.0  4.506123
49 2020-04-22  3.148433  ...                         0.0  4.890018
50 2020-04-23  3.210509  ...                         0.0  4.890026
51 2020-04-24  3.272585  ...                         0.0  5.389984
52 2020-04-25  3.334661  ...                         0.0  4.940628
53 2020-04-26  3.396736  ...                         0.0  4.940636
54 2020-04-27  3.458812  ...                         0.0  4.940645
55 2020-04-28  3.520888  ...                         0.0  4.940653
56 2020-04-29  3.582964  ...                         0.0  5.324548
57 2020-04-30  3.645039  ...                         0.0  5.324556

[58 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 11.
COUNTRY: Montserrat
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-18   0.003139  ...                         0.0   0.058075
1  2020-03-19   0.390263  ...                         0.0   0.445199
2  2020-03-20   0.777387  ...                         0.0   0.832324
3  2020-03-21   1.164511  ...                         0.0   1.219448
4  2020-03-22   1.551636  ...                         0.0   1.606572
5  2020-03-23   1.938760  ...                         0.0   1.993696
6  2020-03-24   2.325884  ...                         0.0   2.380820
7  2020-03-25   2.713008  ...                         0.0   2.767944
8  2020-03-26   3.100132  ...                         0.0   3.155069
9  2020-03-27   3.487256  ...                         0.0   3.542193
10 2020-03-28   3.874381  ...                         0.0   3.929317
11 2020-03-29   4.261505  ...                         0.0   4.316441
12 2020-03-30   4.648629  ...                         0.0   4.703565
13 2020-03-31   5.035753  ...                         0.0   5.090689
14 2020-04-01   5.422877  ...                         0.0   5.477814
15 2020-04-02   5.810001  ...                         0.0   5.864938
16 2020-04-03   6.197126  ...                         0.0   6.252062
17 2020-04-04   6.584250  ...                         0.0   6.639186
18 2020-04-05   6.971374  ...                         0.0   7.026310
19 2020-04-06   7.358498  ...                         0.0   7.413435
20 2020-04-07   7.745622  ...                         0.0   7.800559
21 2020-04-08   8.132746  ...                         0.0   8.187683
22 2020-04-09   8.519871  ...                         0.0   8.574807
23 2020-04-10   8.906995  ...                         0.0   8.961931
24 2020-04-11   9.294119  ...                         0.0   9.349055
25 2020-04-12   9.681243  ...                         0.0   9.736180
26 2020-04-13  10.068367  ...                         0.0  10.123304
27 2020-04-14  10.455491  ...                         0.0  10.510428
28 2020-04-15  10.842616  ...                         0.0  10.897552
29 2020-04-16  11.229740  ...                         0.0  11.284676
30 2020-04-17  11.616864  ...                         0.0  11.671800
31 2020-04-18  12.003988  ...                         0.0  12.058925
32 2020-04-19  12.391112  ...                         0.0  12.446049
33 2020-04-20  12.778237  ...                         0.0  12.833173
34 2020-04-21  13.165361  ...                         0.0  13.220297
35 2020-04-22  13.552485  ...                         0.0  13.607421
36 2020-04-23  13.939609  ...                         0.0  13.994545
37 2020-04-24  14.326733  ...                         0.0  14.381670
38 2020-04-25  14.713857  ...                         0.0  14.768794
39 2020-04-26  15.100982  ...                         0.0  15.155918
40 2020-04-27  15.488106  ...                         0.0  15.543042
41 2020-04-28  15.875230  ...                         0.0  15.930166
42 2020-04-29  16.262354  ...                         0.0  16.317290
43 2020-04-30  16.649478  ...                         0.0  16.704415

[44 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Mississippi
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-12    -7.055268  ...                         0.0   -77.800571
1  2020-03-13    29.597518  ...                         0.0   -36.442712
2  2020-03-14    66.250304  ...                         0.0   -55.237602
3  2020-03-15   102.903089  ...                         0.0   -19.717031
4  2020-03-16   139.555875  ...                         0.0     2.807265
5  2020-03-17   176.208661  ...                         0.0    42.349083
6  2020-03-18   212.861449  ...                         0.0    77.392344
7  2020-03-19   249.514237  ...                         0.0   178.768934
8  2020-03-20   286.167054  ...                         0.0   220.126824
9  2020-03-21   322.819870  ...                         0.0   201.331965
10 2020-03-22   359.472688  ...                         0.0   236.852568
11 2020-03-23   396.125506  ...                         0.0   259.376897
12 2020-03-24   432.778324  ...                         0.0   298.918745
13 2020-03-25   469.431141  ...                         0.0   333.962037
14 2020-03-26   506.083959  ...                         0.0   435.338656
15 2020-03-27   542.736777  ...                         0.0   476.696547
16 2020-03-28   579.389594  ...                         0.0   457.901689
17 2020-03-29   616.042412  ...                         0.0   493.422292
18 2020-03-30   652.695230  ...                         0.0   515.946620
19 2020-03-31   689.348047  ...                         0.0   555.488469
20 2020-04-01   726.000865  ...                         0.0   590.531760
21 2020-04-02   762.653683  ...                         0.0   691.908379
22 2020-04-03   799.306500  ...                         0.0   733.266271
23 2020-04-04   835.959318  ...                         0.0   714.471412
24 2020-04-05   872.612136  ...                         0.0   749.992015
25 2020-04-06   909.264953  ...                         0.0   772.516344
26 2020-04-07   945.917771  ...                         0.0   812.058192
27 2020-04-08   982.570588  ...                         0.0   847.101484
28 2020-04-09  1019.223406  ...                         0.0   948.478103
29 2020-04-10  1055.876224  ...                         0.0   989.835994
30 2020-04-11  1092.529041  ...                         0.0   971.041136
31 2020-04-12  1129.181859  ...                         0.0  1006.561739
32 2020-04-13  1165.834677  ...                         0.0  1029.086067
33 2020-04-14  1202.487494  ...                         0.0  1068.627916
34 2020-04-15  1239.140312  ...                         0.0  1103.671207
35 2020-04-16  1275.793130  ...                         0.0  1205.047826
36 2020-04-17  1312.445947  ...                         0.0  1246.405718
37 2020-04-18  1349.098765  ...                         0.0  1227.610859
38 2020-04-19  1385.751583  ...                         0.0  1263.131463
39 2020-04-20  1422.404400  ...                         0.0  1285.655791
40 2020-04-21  1459.057218  ...                         0.0  1325.197640
41 2020-04-22  1495.710036  ...                         0.0  1360.240931
42 2020-04-23  1532.362853  ...                         0.0  1461.617550
43 2020-04-24  1569.015671  ...                         0.0  1502.975441
44 2020-04-25  1605.668489  ...                         0.0  1484.180583
45 2020-04-26  1642.321306  ...                         0.0  1519.701186
46 2020-04-27  1678.974124  ...                         0.0  1542.225514
47 2020-04-28  1715.626942  ...                         0.0  1581.767363
48 2020-04-29  1752.279759  ...                         0.0  1616.810654
49 2020-04-30  1788.932577  ...                         0.0  1718.187274

[50 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 8.
COUNTRY: Fujian
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-01-22   -0.909146  ...                         0.0  -14.655114
1  2020-01-23   14.586471  ...                         0.0    0.355164
2  2020-01-24   30.082088  ...                         0.0   14.866383
3  2020-01-25   45.577704  ...                         0.0   29.608204
4  2020-01-26   61.073321  ...                         0.0   45.576759
..        ...         ...  ...                         ...         ...
95 2020-04-26  389.019397  ...                         0.0  373.522836
96 2020-04-27  390.813996  ...                         0.0  376.508259
97 2020-04-28  392.608594  ...                         0.0  378.605328
98 2020-04-29  394.403192  ...                         0.0  380.657224
99 2020-04-30  396.197791  ...                         0.0  381.966483

[100 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 3.
COUNTRY: Tanzania
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-16   0.084621  ...                         0.0   1.219409
1  2020-03-17   1.331771  ...                         0.0   2.466560
2  2020-03-18   2.578922  ...                         0.0   3.713711
3  2020-03-19   3.826073  ...                         0.0   4.960862
4  2020-03-20   5.073224  ...                         0.0   6.208012
5  2020-03-21   6.320375  ...                         0.0   7.455163
6  2020-03-22   7.567526  ...                         0.0   8.702314
7  2020-03-23   8.814676  ...                         0.0   9.949465
8  2020-03-24  10.061827  ...                         0.0  11.196616
9  2020-03-25  11.308978  ...                         0.0  12.443767
10 2020-03-26  12.556129  ...                         0.0  13.690917
11 2020-03-27  13.803280  ...                         0.0  14.938068
12 2020-03-28  15.050431  ...                         0.0  16.185219
13 2020-03-29  16.297581  ...                         0.0  17.432370
14 2020-03-30  17.544732  ...                         0.0  18.679521
15 2020-03-31  18.791883  ...                         0.0  19.926672
16 2020-04-01  20.039034  ...                         0.0  21.173823
17 2020-04-02  21.286185  ...                         0.0  22.420973
18 2020-04-03  22.533336  ...                         0.0  23.668124
19 2020-04-04  23.780487  ...                         0.0  24.915275
20 2020-04-05  25.027637  ...                         0.0  26.162426
21 2020-04-06  26.274788  ...                         0.0  27.409577
22 2020-04-07  27.521939  ...                         0.0  28.656728
23 2020-04-08  28.769090  ...                         0.0  29.903878
24 2020-04-09  30.016241  ...                         0.0  31.151029
25 2020-04-10  31.263392  ...                         0.0  32.398180
26 2020-04-11  32.510542  ...                         0.0  33.645331
27 2020-04-12  33.757693  ...                         0.0  34.892482
28 2020-04-13  35.004844  ...                         0.0  36.139633
29 2020-04-14  36.251995  ...                         0.0  37.386783
30 2020-04-15  37.499146  ...                         0.0  38.633934
31 2020-04-16  38.746297  ...                         0.0  39.881085
32 2020-04-17  39.993447  ...                         0.0  41.128236
33 2020-04-18  41.240598  ...                         0.0  42.375387
34 2020-04-19  42.487749  ...                         0.0  43.622538
35 2020-04-20  43.734900  ...                         0.0  44.869689
36 2020-04-21  44.982051  ...                         0.0  46.116839
37 2020-04-22  46.229202  ...                         0.0  47.363990
38 2020-04-23  47.476353  ...                         0.0  48.611141
39 2020-04-24  48.723503  ...                         0.0  49.858292
40 2020-04-25  49.970654  ...                         0.0  51.105443
41 2020-04-26  51.217805  ...                         0.0  52.352594
42 2020-04-27  52.464956  ...                         0.0  53.599744
43 2020-04-28  53.712107  ...                         0.0  54.846895
44 2020-04-29  54.959258  ...                         0.0  56.094046
45 2020-04-30  56.206408  ...                         0.0  57.341197

[46 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Timor-Leste
           ds  trend  ...  multiplicative_terms_upper  yhat
0  2020-03-22    1.0  ...                         0.0   1.0
1  2020-03-23    1.0  ...                         0.0   1.0
2  2020-03-24    1.0  ...                         0.0   1.0
3  2020-03-25    1.0  ...                         0.0   1.0
4  2020-03-26    1.0  ...                         0.0   1.0
5  2020-03-27    1.0  ...                         0.0   1.0
6  2020-03-28    1.0  ...                         0.0   1.0
7  2020-03-29    1.0  ...                         0.0   1.0
8  2020-03-30    1.0  ...                         0.0   1.0
9  2020-03-31    1.0  ...                         0.0   1.0
10 2020-04-01    1.0  ...                         0.0   1.0
11 2020-04-02    1.0  ...                         0.0   1.0
12 2020-04-03    1.0  ...                         0.0   1.0
13 2020-04-04    1.0  ...                         0.0   1.0
14 2020-04-05    1.0  ...                         0.0   1.0
15 2020-04-06    1.0  ...                         0.0   1.0
16 2020-04-07    1.0  ...                         0.0   1.0
17 2020-04-08    1.0  ...                         0.0   1.0
18 2020-04-09    1.0  ...                         0.0   1.0
19 2020-04-10    1.0  ...                         0.0   1.0
20 2020-04-11    1.0  ...                         0.0   1.0
21 2020-04-12    1.0  ...                         0.0   1.0
22 2020-04-13    1.0  ...                         0.0   1.0
23 2020-04-14    1.0  ...                         0.0   1.0
24 2020-04-15    1.0  ...                         0.0   1.0
25 2020-04-16    1.0  ...                         0.0   1.0
26 2020-04-17    1.0  ...                         0.0   1.0
27 2020-04-18    1.0  ...                         0.0   1.0
28 2020-04-19    1.0  ...                         0.0   1.0
29 2020-04-20    1.0  ...                         0.0   1.0
30 2020-04-21    1.0  ...                         0.0   1.0
31 2020-04-22    1.0  ...                         0.0   1.0
32 2020-04-23    1.0  ...                         0.0   1.0
33 2020-04-24    1.0  ...                         0.0   1.0
34 2020-04-25    1.0  ...                         0.0   1.0
35 2020-04-26    1.0  ...                         0.0   1.0
36 2020-04-27    1.0  ...                         0.0   1.0
37 2020-04-28    1.0  ...                         0.0   1.0
38 2020-04-29    1.0  ...                         0.0   1.0
39 2020-04-30    1.0  ...                         0.0   1.0

[40 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 11.
COUNTRY: Chongqing
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-01-22   -1.537070  ...                         0.0  -23.756865
1  2020-01-23   26.938248  ...                         0.0    2.750850
2  2020-01-24   55.413567  ...                         0.0   28.959832
3  2020-01-25   83.888905  ...                         0.0   55.501002
4  2020-01-26  112.364243  ...                         0.0   88.205850
..        ...         ...  ...                         ...         ...
95 2020-04-26  603.759969  ...                         0.0  579.601575
96 2020-04-27  603.816750  ...                         0.0  580.887894
97 2020-04-28  603.873530  ...                         0.0  580.056184
98 2020-04-29  603.930311  ...                         0.0  581.710517
99 2020-04-30  603.987092  ...                         0.0  579.799694

[100 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: French Polynesia
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-13   -0.215813  ...                         0.0   -1.724705
1  2020-03-14    2.125488  ...                         0.0    0.806152
2  2020-03-15    4.466790  ...                         0.0    2.304996
3  2020-03-16    6.808092  ...                         0.0    2.303500
4  2020-03-17    9.149394  ...                         0.0    5.802814
5  2020-03-18   11.490696  ...                         0.0    5.801251
6  2020-03-19   13.832085  ...                         0.0    9.800655
7  2020-03-20   16.173474  ...                         0.0   14.664582
8  2020-03-21   18.514868  ...                         0.0   17.195532
9  2020-03-22   20.856262  ...                         0.0   18.694468
10 2020-03-23   23.197657  ...                         0.0   18.693064
11 2020-03-24   25.539051  ...                         0.0   22.192471
12 2020-03-25   27.880445  ...                         0.0   22.191000
13 2020-03-26   30.221839  ...                         0.0   26.190409
14 2020-03-27   32.563233  ...                         0.0   31.054341
15 2020-03-28   34.904627  ...                         0.0   33.585291
16 2020-03-29   37.246021  ...                         0.0   35.084227
17 2020-03-30   39.587416  ...                         0.0   35.082823
18 2020-03-31   41.928810  ...                         0.0   38.582230
19 2020-04-01   44.270204  ...                         0.0   38.580759
20 2020-04-02   46.611598  ...                         0.0   42.580168
21 2020-04-03   48.952992  ...                         0.0   47.444100
22 2020-04-04   51.294386  ...                         0.0   49.975050
23 2020-04-05   53.635780  ...                         0.0   51.473986
24 2020-04-06   55.977174  ...                         0.0   51.472582
25 2020-04-07   58.318569  ...                         0.0   54.971989
26 2020-04-08   60.659963  ...                         0.0   54.970518
27 2020-04-09   63.001357  ...                         0.0   58.969927
28 2020-04-10   65.342751  ...                         0.0   63.833859
29 2020-04-11   67.684145  ...                         0.0   66.364809
30 2020-04-12   70.025539  ...                         0.0   67.863745
31 2020-04-13   72.366933  ...                         0.0   67.862341
32 2020-04-14   74.708328  ...                         0.0   71.361748
33 2020-04-15   77.049722  ...                         0.0   71.360277
34 2020-04-16   79.391116  ...                         0.0   75.359686
35 2020-04-17   81.732510  ...                         0.0   80.223618
36 2020-04-18   84.073904  ...                         0.0   82.754568
37 2020-04-19   86.415298  ...                         0.0   84.253504
38 2020-04-20   88.756692  ...                         0.0   84.252100
39 2020-04-21   91.098086  ...                         0.0   87.751506
40 2020-04-22   93.439481  ...                         0.0   87.750036
41 2020-04-23   95.780875  ...                         0.0   91.749445
42 2020-04-24   98.122269  ...                         0.0   96.613377
43 2020-04-25  100.463663  ...                         0.0   99.144327
44 2020-04-26  102.805057  ...                         0.0  100.643263
45 2020-04-27  105.146451  ...                         0.0  100.641859
46 2020-04-28  107.487845  ...                         0.0  104.141265
47 2020-04-29  109.829240  ...                         0.0  104.139794
48 2020-04-30  112.170634  ...                         0.0  108.139204

[49 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Philippines
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-01-30   -7.422453  ...                         0.0 -105.130190
1  2020-01-31    0.248556  ...                         0.0  -91.386766
2  2020-02-01    7.919565  ...                         0.0 -133.659557
3  2020-02-02   15.590574  ...                         0.0 -120.315842
4  2020-02-03   23.261583  ...                         0.0 -108.597941
..        ...         ...  ...                         ...         ...
87 2020-04-26  663.876779  ...                         0.0  527.970363
88 2020-04-27  671.619583  ...                         0.0  539.760059
89 2020-04-28  679.362387  ...                         0.0  558.298727
90 2020-04-29  687.105192  ...                         0.0  572.711285
91 2020-04-30  694.847996  ...                         0.0  597.140258

[92 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Gansu
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-01-23    0.220238  ...                         0.0    2.926668
1  2020-01-24    4.212253  ...                         0.0    7.201010
2  2020-01-25    8.204267  ...                         0.0   12.680418
3  2020-01-26   12.196282  ...                         0.0   17.481426
4  2020-01-27   16.188297  ...                         0.0   20.504873
..        ...         ...  ...                         ...         ...
94 2020-04-26  182.858962  ...                         0.0  188.144105
95 2020-04-27  184.316854  ...                         0.0  188.633430
96 2020-04-28  185.774746  ...                         0.0  189.292666
97 2020-04-29  187.232638  ...                         0.0  190.174302
98 2020-04-30  188.690531  ...                         0.0  191.396961

[99 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 20.
COUNTRY: Sichuan
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-01-22   -0.129326  ...                         0.0   -2.308843
1  2020-01-23   11.128621  ...                         0.0    8.441554
2  2020-01-24   22.386568  ...                         0.0   20.875211
3  2020-01-25   33.652069  ...                         0.0   31.623965
4  2020-01-26   44.917570  ...                         0.0   42.743539
..        ...         ...  ...                         ...         ...
95 2020-04-26  563.990363  ...                         0.0  561.816332
96 2020-04-27  564.517303  ...                         0.0  562.412285
97 2020-04-28  565.044244  ...                         0.0  563.272522
98 2020-04-29  565.571184  ...                         0.0  563.391667
99 2020-04-30  566.098124  ...                         0.0  563.411057

[100 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 9.
COUNTRY: Dominican Republic
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-01   -6.489488  ...                         0.0 -109.193979
1  2020-03-02    9.125421  ...                         0.0  -98.443088
2  2020-03-03   24.740329  ...                         0.0  -79.192965
3  2020-03-04   40.355237  ...                         0.0  -59.192909
4  2020-03-05   55.970145  ...                         0.0  -31.943505
..        ...         ...  ...                         ...         ...
56 2020-04-26  867.945946  ...                         0.0  765.241455
57 2020-04-27  883.560869  ...                         0.0  775.992360
58 2020-04-28  899.175791  ...                         0.0  795.242497
59 2020-04-29  914.790713  ...                         0.0  815.242567
60 2020-04-30  930.405635  ...                         0.0  842.491985

[61 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 21.
COUNTRY: Equatorial Guinea
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-15   0.033736  ...                         0.0   0.572495
1  2020-03-16   0.989606  ...                         0.0   1.528366
2  2020-03-17   1.945476  ...                         0.0   2.484236
3  2020-03-18   2.901346  ...                         0.0   3.440106
4  2020-03-19   3.857217  ...                         0.0   4.395976
5  2020-03-20   4.813087  ...                         0.0   5.351846
6  2020-03-21   5.768957  ...                         0.0   6.307716
7  2020-03-22   6.724827  ...                         0.0   7.263586
8  2020-03-23   7.680697  ...                         0.0   8.219457
9  2020-03-24   8.636567  ...                         0.0   9.175327
10 2020-03-25   9.592437  ...                         0.0  10.131197
11 2020-03-26  10.548308  ...                         0.0  11.087067
12 2020-03-27  11.504178  ...                         0.0  12.042937
13 2020-03-28  12.460048  ...                         0.0  12.998807
14 2020-03-29  13.415918  ...                         0.0  13.954678
15 2020-03-30  14.371788  ...                         0.0  14.910548
16 2020-03-31  15.327658  ...                         0.0  15.866418
17 2020-04-01  16.283529  ...                         0.0  16.822288
18 2020-04-02  17.239399  ...                         0.0  17.778158
19 2020-04-03  18.195269  ...                         0.0  18.734028
20 2020-04-04  19.151139  ...                         0.0  19.689898
21 2020-04-05  20.107009  ...                         0.0  20.645769
22 2020-04-06  21.062879  ...                         0.0  21.601639
23 2020-04-07  22.018749  ...                         0.0  22.557509
24 2020-04-08  22.974620  ...                         0.0  23.513379
25 2020-04-09  23.930490  ...                         0.0  24.469249
26 2020-04-10  24.886360  ...                         0.0  25.425119
27 2020-04-11  25.842230  ...                         0.0  26.380989
28 2020-04-12  26.798100  ...                         0.0  27.336860
29 2020-04-13  27.753970  ...                         0.0  28.292730
30 2020-04-14  28.709840  ...                         0.0  29.248600
31 2020-04-15  29.665711  ...                         0.0  30.204470
32 2020-04-16  30.621581  ...                         0.0  31.160340
33 2020-04-17  31.577451  ...                         0.0  32.116210
34 2020-04-18  32.533321  ...                         0.0  33.072081
35 2020-04-19  33.489191  ...                         0.0  34.027951
36 2020-04-20  34.445061  ...                         0.0  34.983821
37 2020-04-21  35.400931  ...                         0.0  35.939691
38 2020-04-22  36.356802  ...                         0.0  36.895561
39 2020-04-23  37.312672  ...                         0.0  37.851431
40 2020-04-24  38.268542  ...                         0.0  38.807301
41 2020-04-25  39.224412  ...                         0.0  39.763172
42 2020-04-26  40.180282  ...                         0.0  40.719042
43 2020-04-27  41.136152  ...                         0.0  41.674912
44 2020-04-28  42.092023  ...                         0.0  42.630782
45 2020-04-29  43.047893  ...                         0.0  43.586652
46 2020-04-30  44.003763  ...                         0.0  44.542522

[47 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 22.
COUNTRY: Ireland
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-02-29   -24.331119  ...                         0.0  -425.310524
1  2020-03-01    38.380782  ...                         0.0  -394.835874
2  2020-03-02   101.092682  ...                         0.0  -329.608042
3  2020-03-03   163.804583  ...                         0.0  -261.633756
4  2020-03-04   226.516484  ...                         0.0  -182.408707
..        ...          ...  ...                         ...          ...
57 2020-04-26  3551.775926  ...                         0.0  3118.559270
58 2020-04-27  3614.523225  ...                         0.0  3183.822501
59 2020-04-28  3677.270524  ...                         0.0  3251.832185
60 2020-04-29  3740.017824  ...                         0.0  3331.092633
61 2020-04-30  3802.765123  ...                         0.0  3461.107047

[62 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 15.
COUNTRY: New Zealand
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-02-28   -3.450272  ...                         0.0  -23.180589
1  2020-02-29    4.168778  ...                         0.0  -63.958980
2  2020-03-01   11.787828  ...                         0.0  -50.944142
3  2020-03-02   19.406878  ...                         0.0  -50.928829
4  2020-03-03   27.025929  ...                         0.0  -36.663569
..        ...         ...  ...                         ...         ...
58 2020-04-26  438.461488  ...                         0.0  375.729518
59 2020-04-27  446.080711  ...                         0.0  375.745005
60 2020-04-28  453.699935  ...                         0.0  390.010437
61 2020-04-29  461.319159  ...                         0.0  405.026063
62 2020-04-30  468.938382  ...                         0.0  426.541210

[63 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 6.
COUNTRY: French Guiana
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-07  -0.018747  ...                         0.0   0.194557
1  2020-03-08   1.286853  ...                         0.0   0.860609
2  2020-03-09   2.592453  ...                         0.0   2.860493
3  2020-03-10   3.898052  ...                         0.0   3.859966
4  2020-03-11   5.203652  ...                         0.0   5.526392
5  2020-03-12   6.509252  ...                         0.0   5.525422
6  2020-03-13   7.814852  ...                         0.0   6.858345
7  2020-03-14   9.120452  ...                         0.0   9.333755
8  2020-03-15  10.426052  ...                         0.0   9.999807
9  2020-03-16  11.731787  ...                         0.0  11.999828
10 2020-03-17  13.037526  ...                         0.0  12.999439
11 2020-03-18  14.343278  ...                         0.0  14.666018
12 2020-03-19  15.649058  ...                         0.0  14.665228
13 2020-03-20  16.954839  ...                         0.0  15.998333
14 2020-03-21  18.260619  ...                         0.0  18.473923
15 2020-03-22  19.566400  ...                         0.0  19.140156
16 2020-03-23  20.872181  ...                         0.0  21.140221
17 2020-03-24  22.177961  ...                         0.0  22.139875
18 2020-03-25  23.483742  ...                         0.0  23.806482
19 2020-03-26  24.789523  ...                         0.0  23.805693
20 2020-03-27  26.095304  ...                         0.0  25.138797
21 2020-03-28  27.401084  ...                         0.0  27.614388
22 2020-03-29  28.706865  ...                         0.0  28.280621
23 2020-03-30  30.012646  ...                         0.0  30.280686
24 2020-03-31  31.318426  ...                         0.0  31.280340
25 2020-04-01  32.624207  ...                         0.0  32.946947
26 2020-04-02  33.929988  ...                         0.0  32.946158
27 2020-04-03  35.235768  ...                         0.0  34.279262
28 2020-04-04  36.541549  ...                         0.0  36.754853
29 2020-04-05  37.847330  ...                         0.0  37.421086
30 2020-04-06  39.153111  ...                         0.0  39.421151
31 2020-04-07  40.458891  ...                         0.0  40.420805
32 2020-04-08  41.764672  ...                         0.0  42.087412
33 2020-04-09  43.070453  ...                         0.0  42.086623
34 2020-04-10  44.376233  ...                         0.0  43.419727
35 2020-04-11  45.682014  ...                         0.0  45.895318
36 2020-04-12  46.987795  ...                         0.0  46.561551
37 2020-04-13  48.293576  ...                         0.0  48.561616
38 2020-04-14  49.599356  ...                         0.0  49.561270
39 2020-04-15  50.905137  ...                         0.0  51.227877
40 2020-04-16  52.210918  ...                         0.0  51.227088
41 2020-04-17  53.516698  ...                         0.0  52.560192
42 2020-04-18  54.822479  ...                         0.0  55.035783
43 2020-04-19  56.128260  ...                         0.0  55.702015
44 2020-04-20  57.434040  ...                         0.0  57.702081
45 2020-04-21  58.739821  ...                         0.0  58.701735
46 2020-04-22  60.045602  ...                         0.0  60.368342
47 2020-04-23  61.351383  ...                         0.0  60.367553
48 2020-04-24  62.657163  ...                         0.0  61.700657
49 2020-04-25  63.962944  ...                         0.0  64.176248
50 2020-04-26  65.268725  ...                         0.0  64.842480
51 2020-04-27  66.574505  ...                         0.0  66.842546
52 2020-04-28  67.880286  ...                         0.0  67.842200
53 2020-04-29  69.186067  ...                         0.0  69.508807
54 2020-04-30  70.491848  ...                         0.0  69.508018

[55 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 18.
COUNTRY: New Caledonia
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-19   0.030195  ...                         0.0   0.513070
1  2020-03-20   1.929706  ...                         0.0   2.412581
2  2020-03-21   3.829217  ...                         0.0   4.312092
3  2020-03-22   5.728728  ...                         0.0   6.211603
4  2020-03-23   7.628239  ...                         0.0   8.111114
5  2020-03-24   9.527751  ...                         0.0  10.010625
6  2020-03-25  11.427262  ...                         0.0  11.910136
7  2020-03-26  13.326773  ...                         0.0  13.809647
8  2020-03-27  15.226284  ...                         0.0  15.709158
9  2020-03-28  17.125795  ...                         0.0  17.608669
10 2020-03-29  19.025306  ...                         0.0  19.508180
11 2020-03-30  20.924817  ...                         0.0  21.407691
12 2020-03-31  22.824328  ...                         0.0  23.307202
13 2020-04-01  24.723839  ...                         0.0  25.206713
14 2020-04-02  26.623350  ...                         0.0  27.106224
15 2020-04-03  28.522861  ...                         0.0  29.005735
16 2020-04-04  30.422372  ...                         0.0  30.905246
17 2020-04-05  32.321883  ...                         0.0  32.804757
18 2020-04-06  34.221394  ...                         0.0  34.704269
19 2020-04-07  36.120905  ...                         0.0  36.603780
20 2020-04-08  38.020416  ...                         0.0  38.503291
21 2020-04-09  39.919927  ...                         0.0  40.402802
22 2020-04-10  41.819439  ...                         0.0  42.302313
23 2020-04-11  43.718950  ...                         0.0  44.201824
24 2020-04-12  45.618461  ...                         0.0  46.101335
25 2020-04-13  47.517972  ...                         0.0  48.000846
26 2020-04-14  49.417483  ...                         0.0  49.900357
27 2020-04-15  51.316994  ...                         0.0  51.799868
28 2020-04-16  53.216505  ...                         0.0  53.699379
29 2020-04-17  55.116016  ...                         0.0  55.598890
30 2020-04-18  57.015527  ...                         0.0  57.498401
31 2020-04-19  58.915038  ...                         0.0  59.397912
32 2020-04-20  60.814549  ...                         0.0  61.297423
33 2020-04-21  62.714060  ...                         0.0  63.196934
34 2020-04-22  64.613571  ...                         0.0  65.096445
35 2020-04-23  66.513082  ...                         0.0  66.995957
36 2020-04-24  68.412593  ...                         0.0  68.895468
37 2020-04-25  70.312104  ...                         0.0  70.794979
38 2020-04-26  72.211615  ...                         0.0  72.694490
39 2020-04-27  74.111127  ...                         0.0  74.594001
40 2020-04-28  76.010638  ...                         0.0  76.493512
41 2020-04-29  77.910149  ...                         0.0  78.393023
42 2020-04-30  79.809660  ...                         0.0  80.292534

[43 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Hungary
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-04   -3.253693  ...                         0.0  -43.590500
1  2020-03-05    8.015194  ...                         0.0  -31.096730
2  2020-03-06   19.284080  ...                         0.0  -16.853015
3  2020-03-07   30.552966  ...                         0.0  -33.216189
4  2020-03-08   41.821852  ...                         0.0  -22.222089
5  2020-03-09   53.090738  ...                         0.0   -7.228544
6  2020-03-10   64.359624  ...                         0.0    3.097295
7  2020-03-11   75.628510  ...                         0.0   35.291703
8  2020-03-12   86.897397  ...                         0.0   47.785473
9  2020-03-13   98.166283  ...                         0.0   62.029187
10 2020-03-14  109.435169  ...                         0.0   45.666014
11 2020-03-15  120.704055  ...                         0.0   56.660114
12 2020-03-16  131.975537  ...                         0.0   71.656254
13 2020-03-17  143.247036  ...                         0.0   81.984707
14 2020-03-18  154.518535  ...                         0.0  114.181727
15 2020-03-19  165.790094  ...                         0.0  126.678171
16 2020-03-20  177.063307  ...                         0.0  140.926212
17 2020-03-21  188.336520  ...                         0.0  124.567365
18 2020-03-22  199.609732  ...                         0.0  135.565791
19 2020-03-23  210.882945  ...                         0.0  150.563663
20 2020-03-24  222.156158  ...                         0.0  160.893829
21 2020-03-25  233.429371  ...                         0.0  193.092563
22 2020-03-26  244.702583  ...                         0.0  205.590660
23 2020-03-27  255.975796  ...                         0.0  219.838701
24 2020-03-28  267.249009  ...                         0.0  203.479854
25 2020-03-29  278.522221  ...                         0.0  214.478280
26 2020-03-30  289.795434  ...                         0.0  229.476152
27 2020-03-31  301.068647  ...                         0.0  239.806318
28 2020-04-01  312.341860  ...                         0.0  272.005052
29 2020-04-02  323.615072  ...                         0.0  284.503149
30 2020-04-03  334.888285  ...                         0.0  298.751190
31 2020-04-04  346.161498  ...                         0.0  282.392343
32 2020-04-05  357.434710  ...                         0.0  293.390769
33 2020-04-06  368.707923  ...                         0.0  308.388641
34 2020-04-07  379.981136  ...                         0.0  318.718807
35 2020-04-08  391.254349  ...                         0.0  350.917541
36 2020-04-09  402.527561  ...                         0.0  363.415638
37 2020-04-10  413.800774  ...                         0.0  377.663679
38 2020-04-11  425.073987  ...                         0.0  361.304832
39 2020-04-12  436.347199  ...                         0.0  372.303258
40 2020-04-13  447.620412  ...                         0.0  387.301130
41 2020-04-14  458.893625  ...                         0.0  397.631296
42 2020-04-15  470.166838  ...                         0.0  429.830030
43 2020-04-16  481.440050  ...                         0.0  442.328127
44 2020-04-17  492.713263  ...                         0.0  456.576168
45 2020-04-18  503.986476  ...                         0.0  440.217321
46 2020-04-19  515.259688  ...                         0.0  451.215747
47 2020-04-20  526.532901  ...                         0.0  466.213619
48 2020-04-21  537.806114  ...                         0.0  476.543785
49 2020-04-22  549.079327  ...                         0.0  508.742519
50 2020-04-23  560.352539  ...                         0.0  521.240616
51 2020-04-24  571.625752  ...                         0.0  535.488657
52 2020-04-25  582.898965  ...                         0.0  519.129810
53 2020-04-26  594.172177  ...                         0.0  530.128236
54 2020-04-27  605.445390  ...                         0.0  545.126108
55 2020-04-28  616.718603  ...                         0.0  555.456274
56 2020-04-29  627.991816  ...                         0.0  587.655008
57 2020-04-30  639.265028  ...                         0.0  600.153105

[58 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 12.
COUNTRY: Nevada
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-10    -5.022567  ...                         0.0   -73.317720
1  2020-03-11    21.547157  ...                         0.0   -57.657906
2  2020-03-12    48.116880  ...                         0.0    -9.666435
3  2020-03-13    74.686604  ...                         0.0    36.323961
4  2020-03-14   101.256328  ...                         0.0    -1.976993
5  2020-03-15   127.826051  ...                         0.0    14.013357
6  2020-03-16   154.395775  ...                         0.0    52.003638
7  2020-03-17   180.965499  ...                         0.0   112.670346
8  2020-03-18   207.535223  ...                         0.0   128.330159
9  2020-03-19   234.104948  ...                         0.0   176.321632
10 2020-03-20   260.674674  ...                         0.0   222.312031
11 2020-03-21   287.244827  ...                         0.0   184.011507
12 2020-03-22   313.814981  ...                         0.0   200.002287
13 2020-03-23   340.385135  ...                         0.0   237.992997
14 2020-03-24   366.955289  ...                         0.0   298.660136
15 2020-03-25   393.525443  ...                         0.0   314.320380
16 2020-03-26   420.095597  ...                         0.0   362.312281
17 2020-03-27   446.665751  ...                         0.0   408.303108
18 2020-03-28   473.235905  ...                         0.0   370.002584
19 2020-03-29   499.806059  ...                         0.0   385.993364
20 2020-03-30   526.376213  ...                         0.0   423.984075
21 2020-03-31   552.946366  ...                         0.0   484.651213
22 2020-04-01   579.516520  ...                         0.0   500.311457
23 2020-04-02   606.086674  ...                         0.0   548.303359
24 2020-04-03   632.656828  ...                         0.0   594.294185
25 2020-04-04   659.226982  ...                         0.0   555.993662
26 2020-04-05   685.797136  ...                         0.0   571.984442
27 2020-04-06   712.367290  ...                         0.0   609.975153
28 2020-04-07   738.937444  ...                         0.0   670.642291
29 2020-04-08   765.507598  ...                         0.0   686.302535
30 2020-04-09   792.077752  ...                         0.0   734.294436
31 2020-04-10   818.647906  ...                         0.0   780.285263
32 2020-04-11   845.218060  ...                         0.0   741.984739
33 2020-04-12   871.788214  ...                         0.0   757.975519
34 2020-04-13   898.358368  ...                         0.0   795.966230
35 2020-04-14   924.928522  ...                         0.0   856.633369
36 2020-04-15   951.498675  ...                         0.0   872.293612
37 2020-04-16   978.068829  ...                         0.0   920.285514
38 2020-04-17  1004.638983  ...                         0.0   966.276341
39 2020-04-18  1031.209137  ...                         0.0   927.975817
40 2020-04-19  1057.779291  ...                         0.0   943.966597
41 2020-04-20  1084.349445  ...                         0.0   981.957308
42 2020-04-21  1110.919599  ...                         0.0  1042.624446
43 2020-04-22  1137.489753  ...                         0.0  1058.284690
44 2020-04-23  1164.059907  ...                         0.0  1106.276591
45 2020-04-24  1190.630061  ...                         0.0  1152.267418
46 2020-04-25  1217.200215  ...                         0.0  1113.966894
47 2020-04-26  1243.770369  ...                         0.0  1129.957674
48 2020-04-27  1270.340523  ...                         0.0  1167.948385
49 2020-04-28  1296.910677  ...                         0.0  1228.615524
50 2020-04-29  1323.480831  ...                         0.0  1244.275768
51 2020-04-30  1350.050985  ...                         0.0  1292.267669

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 6.
COUNTRY: Montana
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-11   -1.069097  ...                         0.0  -13.977507
1  2020-03-12    4.594905  ...                         0.0   -5.640636
2  2020-03-13   10.258907  ...                         0.0    2.030044
3  2020-03-14   15.922909  ...                         0.0   -6.826791
4  2020-03-15   21.586911  ...                         0.0    0.678689
5  2020-03-16   27.250914  ...                         0.0    0.683527
6  2020-03-17   32.914916  ...                         0.0   10.189149
7  2020-03-18   38.578918  ...                         0.0   25.670508
8  2020-03-19   44.242920  ...                         0.0   34.007379
9  2020-03-20   49.907059  ...                         0.0   41.678196
10 2020-03-21   55.571199  ...                         0.0   32.821498
11 2020-03-22   61.235338  ...                         0.0   40.327115
12 2020-03-23   66.899477  ...                         0.0   40.332090
13 2020-03-24   72.563617  ...                         0.0   49.837850
14 2020-03-25   78.227756  ...                         0.0   65.319346
15 2020-03-26   83.891895  ...                         0.0   73.656354
16 2020-03-27   89.556035  ...                         0.0   81.327171
17 2020-03-28   95.220174  ...                         0.0   72.470473
18 2020-03-29  100.884313  ...                         0.0   79.976090
19 2020-03-30  106.548453  ...                         0.0   79.981066
20 2020-03-31  112.212592  ...                         0.0   89.486825
21 2020-04-01  117.876731  ...                         0.0  104.968321
22 2020-04-02  123.540871  ...                         0.0  113.305329
23 2020-04-03  129.205010  ...                         0.0  120.976147
24 2020-04-04  134.869150  ...                         0.0  112.119449
25 2020-04-05  140.533289  ...                         0.0  119.625066
26 2020-04-06  146.197428  ...                         0.0  119.630041
27 2020-04-07  151.861568  ...                         0.0  129.135801
28 2020-04-08  157.525707  ...                         0.0  144.617297
29 2020-04-09  163.189846  ...                         0.0  152.954305
30 2020-04-10  168.853986  ...                         0.0  160.625122
31 2020-04-11  174.518125  ...                         0.0  151.768424
32 2020-04-12  180.182264  ...                         0.0  159.274042
33 2020-04-13  185.846404  ...                         0.0  159.279017
34 2020-04-14  191.510543  ...                         0.0  168.784777
35 2020-04-15  197.174683  ...                         0.0  184.266272
36 2020-04-16  202.838822  ...                         0.0  192.603281
37 2020-04-17  208.502961  ...                         0.0  200.274098
38 2020-04-18  214.167101  ...                         0.0  191.417400
39 2020-04-19  219.831240  ...                         0.0  198.923017
40 2020-04-20  225.495379  ...                         0.0  198.927992
41 2020-04-21  231.159519  ...                         0.0  208.433752
42 2020-04-22  236.823658  ...                         0.0  223.915248
43 2020-04-23  242.487797  ...                         0.0  232.252256
44 2020-04-24  248.151937  ...                         0.0  239.923074
45 2020-04-25  253.816076  ...                         0.0  231.066375
46 2020-04-26  259.480216  ...                         0.0  238.571993
47 2020-04-27  265.144355  ...                         0.0  238.576968
48 2020-04-28  270.808494  ...                         0.0  248.082728
49 2020-04-29  276.472634  ...                         0.0  263.564223
50 2020-04-30  282.136773  ...                         0.0  271.901232

[51 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Bermuda
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-19  -0.012989  ...                         0.0  -0.262771
1  2020-03-20   1.802332  ...                         0.0   1.552550
2  2020-03-21   3.617654  ...                         0.0   3.367872
3  2020-03-22   5.432975  ...                         0.0   5.183193
4  2020-03-23   7.248297  ...                         0.0   6.998515
5  2020-03-24   9.063618  ...                         0.0   8.813836
6  2020-03-25  10.878940  ...                         0.0  10.629158
7  2020-03-26  12.694261  ...                         0.0  12.444479
8  2020-03-27  14.509583  ...                         0.0  14.259801
9  2020-03-28  16.324905  ...                         0.0  16.075122
10 2020-03-29  18.140226  ...                         0.0  17.890444
11 2020-03-30  19.955548  ...                         0.0  19.705765
12 2020-03-31  21.770869  ...                         0.0  21.521087
13 2020-04-01  23.586191  ...                         0.0  23.336408
14 2020-04-02  25.401512  ...                         0.0  25.151730
15 2020-04-03  27.216834  ...                         0.0  26.967051
16 2020-04-04  29.032155  ...                         0.0  28.782373
17 2020-04-05  30.847477  ...                         0.0  30.597694
18 2020-04-06  32.662798  ...                         0.0  32.413016
19 2020-04-07  34.478120  ...                         0.0  34.228337
20 2020-04-08  36.293441  ...                         0.0  36.043659
21 2020-04-09  38.108763  ...                         0.0  37.858980
22 2020-04-10  39.924084  ...                         0.0  39.674302
23 2020-04-11  41.739406  ...                         0.0  41.489623
24 2020-04-12  43.554727  ...                         0.0  43.304945
25 2020-04-13  45.370049  ...                         0.0  45.120266
26 2020-04-14  47.185370  ...                         0.0  46.935588
27 2020-04-15  49.000692  ...                         0.0  48.750909
28 2020-04-16  50.816013  ...                         0.0  50.566231
29 2020-04-17  52.631335  ...                         0.0  52.381553
30 2020-04-18  54.446656  ...                         0.0  54.196874
31 2020-04-19  56.261978  ...                         0.0  56.012196
32 2020-04-20  58.077299  ...                         0.0  57.827517
33 2020-04-21  59.892621  ...                         0.0  59.642839
34 2020-04-22  61.707942  ...                         0.0  61.458160
35 2020-04-23  63.523264  ...                         0.0  63.273482
36 2020-04-24  65.338585  ...                         0.0  65.088803
37 2020-04-25  67.153907  ...                         0.0  66.904125
38 2020-04-26  68.969228  ...                         0.0  68.719446
39 2020-04-27  70.784550  ...                         0.0  70.534768
40 2020-04-28  72.599872  ...                         0.0  72.350089
41 2020-04-29  74.415193  ...                         0.0  74.165411
42 2020-04-30  76.230515  ...                         0.0  75.980732

[43 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Germany
           ds         trend  ...  multiplicative_terms_upper          yhat
0  2020-01-27   -473.905200  ...                         0.0  -8102.687134
1  2020-01-28    -35.834771  ...                         0.0  -7411.827205
2  2020-01-29    402.235659  ...                         0.0  -6532.729974
3  2020-01-30    840.306088  ...                         0.0  -5422.298051
4  2020-01-31   1278.376518  ...                         0.0  -3952.953655
..        ...           ...  ...                         ...           ...
90 2020-04-26  39202.337757  ...                         0.0  30272.481889
91 2020-04-27  39644.986847  ...                         0.0  32016.204913
92 2020-04-28  40087.635937  ...                         0.0  32711.643502
93 2020-04-29  40530.285027  ...                         0.0  33595.319395
94 2020-04-30  40972.934117  ...                         0.0  34710.329978

[95 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Guizhou
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-01-22   -0.945474  ...                         0.0  -15.019374
1  2020-01-23    5.120825  ...                         0.0   -9.956965
2  2020-01-24   11.187125  ...                         0.0   -3.094203
3  2020-01-25   17.253424  ...                         0.0    1.753627
4  2020-01-26   23.319723  ...                         0.0    7.478692
..        ...         ...  ...                         ...         ...
95 2020-04-26  160.262724  ...                         0.0  144.421693
96 2020-04-27  160.225133  ...                         0.0  144.153980
97 2020-04-28  160.187541  ...                         0.0  145.108492
98 2020-04-29  160.149950  ...                         0.0  146.076050
99 2020-04-30  160.112358  ...                         0.0  145.034568

[100 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 23.
COUNTRY: Florida
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-10   -29.659168  ...                         0.0  -450.389849
1  2020-03-11   112.942392  ...                         0.0  -323.463071
2  2020-03-12   255.543947  ...                         0.0   -61.884000
3  2020-03-13   398.145527  ...                         0.0   172.682745
4  2020-03-14   540.747108  ...                         0.0  -131.335467
5  2020-03-15   683.348719  ...                         0.0    60.571205
6  2020-03-16   825.950310  ...                         0.0   191.968177
7  2020-03-17   968.551887  ...                         0.0   547.821206
8  2020-03-18  1111.153475  ...                         0.0   674.748013
9  2020-03-19  1253.755099  ...                         0.0   936.327152
10 2020-03-20  1396.356717  ...                         0.0  1170.893935
11 2020-03-21  1538.958360  ...                         0.0   866.875785
12 2020-03-22  1681.559999  ...                         0.0  1058.782485
13 2020-03-23  1824.166076  ...                         0.0  1190.183943
14 2020-03-24  1966.772196  ...                         0.0  1546.041516
15 2020-03-25  2109.378317  ...                         0.0  1672.972855
16 2020-03-26  2251.984438  ...                         0.0  1934.556491
17 2020-03-27  2394.590559  ...                         0.0  2169.127777
18 2020-03-28  2537.196680  ...                         0.0  1865.114105
19 2020-03-29  2679.802801  ...                         0.0  2057.025288
20 2020-03-30  2822.408922  ...                         0.0  2188.426789
21 2020-03-31  2965.015043  ...                         0.0  2544.284362
22 2020-04-01  3107.621164  ...                         0.0  2671.215701
23 2020-04-02  3250.227285  ...                         0.0  2932.799338
24 2020-04-03  3392.833405  ...                         0.0  3167.370624
25 2020-04-04  3535.439526  ...                         0.0  2863.356951
26 2020-04-05  3678.045647  ...                         0.0  3055.268134
27 2020-04-06  3820.651768  ...                         0.0  3186.669635
28 2020-04-07  3963.257889  ...                         0.0  3542.527208
29 2020-04-08  4105.864010  ...                         0.0  3669.458547
30 2020-04-09  4248.470131  ...                         0.0  3931.042184
31 2020-04-10  4391.076252  ...                         0.0  4165.613470
32 2020-04-11  4533.682373  ...                         0.0  3861.599798
33 2020-04-12  4676.288493  ...                         0.0  4053.510980
34 2020-04-13  4818.894614  ...                         0.0  4184.912482
35 2020-04-14  4961.500735  ...                         0.0  4540.770054
36 2020-04-15  5104.106856  ...                         0.0  4667.701393
37 2020-04-16  5246.712977  ...                         0.0  4929.285030
38 2020-04-17  5389.319098  ...                         0.0  5163.856316
39 2020-04-18  5531.925219  ...                         0.0  4859.842644
40 2020-04-19  5674.531340  ...                         0.0  5051.753826
41 2020-04-20  5817.137461  ...                         0.0  5183.155328
42 2020-04-21  5959.743582  ...                         0.0  5539.012901
43 2020-04-22  6102.349702  ...                         0.0  5665.944240
44 2020-04-23  6244.955823  ...                         0.0  5927.527877
45 2020-04-24  6387.561944  ...                         0.0  6162.099162
46 2020-04-25  6530.168065  ...                         0.0  5858.085490
47 2020-04-26  6672.774186  ...                         0.0  6049.996673
48 2020-04-27  6815.380307  ...                         0.0  6181.398174
49 2020-04-28  6957.986428  ...                         0.0  6537.255747
50 2020-04-29  7100.592549  ...                         0.0  6664.187086
51 2020-04-30  7243.198670  ...                         0.0  6925.770723

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 3.
COUNTRY: Estonia
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-02-27    -6.974123  ...                         0.0   -94.484063
1  2020-02-28    11.543126  ...                         0.0   -69.907731
2  2020-02-29    30.060375  ...                         0.0   -86.607437
3  2020-03-01    48.577623  ...                         0.0   -67.629992
4  2020-03-02    67.094872  ...                         0.0   -52.654252
..        ...          ...  ...                         ...          ...
59 2020-04-26  1088.112453  ...                         0.0   971.904838
60 2020-04-27  1106.686613  ...                         0.0   986.937489
61 2020-04-28  1125.260774  ...                         0.0   996.968904
62 2020-04-29  1143.834934  ...                         0.0  1015.002187
63 2020-04-30  1162.409094  ...                         0.0  1074.899155

[64 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 10.
COUNTRY: Mozambique
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-22   0.025305  ...                         0.0   0.430145
1  2020-03-23   1.453247  ...                         0.0   1.858086
2  2020-03-24   2.881189  ...                         0.0   3.286028
3  2020-03-25   4.309130  ...                         0.0   4.713970
4  2020-03-26   5.737072  ...                         0.0   6.141911
5  2020-03-27   7.165013  ...                         0.0   7.569853
6  2020-03-28   8.592955  ...                         0.0   8.997794
7  2020-03-29  10.020897  ...                         0.0  10.425736
8  2020-03-30  11.448838  ...                         0.0  11.853677
9  2020-03-31  12.876780  ...                         0.0  13.281619
10 2020-04-01  14.304721  ...                         0.0  14.709561
11 2020-04-02  15.732663  ...                         0.0  16.137502
12 2020-04-03  17.160604  ...                         0.0  17.565444
13 2020-04-04  18.588546  ...                         0.0  18.993385
14 2020-04-05  20.016488  ...                         0.0  20.421327
15 2020-04-06  21.444429  ...                         0.0  21.849268
16 2020-04-07  22.872371  ...                         0.0  23.277210
17 2020-04-08  24.300312  ...                         0.0  24.705152
18 2020-04-09  25.728254  ...                         0.0  26.133093
19 2020-04-10  27.156195  ...                         0.0  27.561035
20 2020-04-11  28.584137  ...                         0.0  28.988976
21 2020-04-12  30.012079  ...                         0.0  30.416918
22 2020-04-13  31.440020  ...                         0.0  31.844859
23 2020-04-14  32.867962  ...                         0.0  33.272801
24 2020-04-15  34.295903  ...                         0.0  34.700743
25 2020-04-16  35.723845  ...                         0.0  36.128684
26 2020-04-17  37.151786  ...                         0.0  37.556626
27 2020-04-18  38.579728  ...                         0.0  38.984567
28 2020-04-19  40.007670  ...                         0.0  40.412509
29 2020-04-20  41.435611  ...                         0.0  41.840451
30 2020-04-21  42.863553  ...                         0.0  43.268392
31 2020-04-22  44.291494  ...                         0.0  44.696334
32 2020-04-23  45.719436  ...                         0.0  46.124275
33 2020-04-24  47.147377  ...                         0.0  47.552217
34 2020-04-25  48.575319  ...                         0.0  48.980158
35 2020-04-26  50.003261  ...                         0.0  50.408100
36 2020-04-27  51.431202  ...                         0.0  51.836042
37 2020-04-28  52.859144  ...                         0.0  53.263983
38 2020-04-29  54.287085  ...                         0.0  54.691925
39 2020-04-30  55.715027  ...                         0.0  56.119866

[40 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 15.
COUNTRY: Saint Vincent and the Grenadines
           ds  trend  ...  multiplicative_terms_upper  yhat
0  2020-03-14    1.0  ...                         0.0   1.0
1  2020-03-15    1.0  ...                         0.0   1.0
2  2020-03-16    1.0  ...                         0.0   1.0
3  2020-03-17    1.0  ...                         0.0   1.0
4  2020-03-18    1.0  ...                         0.0   1.0
5  2020-03-19    1.0  ...                         0.0   1.0
6  2020-03-20    1.0  ...                         0.0   1.0
7  2020-03-21    1.0  ...                         0.0   1.0
8  2020-03-22    1.0  ...                         0.0   1.0
9  2020-03-23    1.0  ...                         0.0   1.0
10 2020-03-24    1.0  ...                         0.0   1.0
11 2020-03-25    1.0  ...                         0.0   1.0
12 2020-03-26    1.0  ...                         0.0   1.0
13 2020-03-27    1.0  ...                         0.0   1.0
14 2020-03-28    1.0  ...                         0.0   1.0
15 2020-03-29    1.0  ...                         0.0   1.0
16 2020-03-30    1.0  ...                         0.0   1.0
17 2020-03-31    1.0  ...                         0.0   1.0
18 2020-04-01    1.0  ...                         0.0   1.0
19 2020-04-02    1.0  ...                         0.0   1.0
20 2020-04-03    1.0  ...                         0.0   1.0
21 2020-04-04    1.0  ...                         0.0   1.0
22 2020-04-05    1.0  ...                         0.0   1.0
23 2020-04-06    1.0  ...                         0.0   1.0
24 2020-04-07    1.0  ...                         0.0   1.0
25 2020-04-08    1.0  ...                         0.0   1.0
26 2020-04-09    1.0  ...                         0.0   1.0
27 2020-04-10    1.0  ...                         0.0   1.0
28 2020-04-11    1.0  ...                         0.0   1.0
29 2020-04-12    1.0  ...                         0.0   1.0
30 2020-04-13    1.0  ...                         0.0   1.0
31 2020-04-14    1.0  ...                         0.0   1.0
32 2020-04-15    1.0  ...                         0.0   1.0
33 2020-04-16    1.0  ...                         0.0   1.0
34 2020-04-17    1.0  ...                         0.0   1.0
35 2020-04-18    1.0  ...                         0.0   1.0
36 2020-04-19    1.0  ...                         0.0   1.0
37 2020-04-20    1.0  ...                         0.0   1.0
38 2020-04-21    1.0  ...                         0.0   1.0
39 2020-04-22    1.0  ...                         0.0   1.0
40 2020-04-23    1.0  ...                         0.0   1.0
41 2020-04-24    1.0  ...                         0.0   1.0
42 2020-04-25    1.0  ...                         0.0   1.0
43 2020-04-26    1.0  ...                         0.0   1.0
44 2020-04-27    1.0  ...                         0.0   1.0
45 2020-04-28    1.0  ...                         0.0   1.0
46 2020-04-29    1.0  ...                         0.0   1.0
47 2020-04-30    1.0  ...                         0.0   1.0

[48 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Paraguay
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-08   -0.320535  ...                         0.0   -5.366465
1  2020-03-09    1.827044  ...                         0.0   -4.699996
2  2020-03-10    3.974622  ...                         0.0   -2.700327
3  2020-03-11    6.122200  ...                         0.0    2.632625
4  2020-03-12    8.269779  ...                         0.0    3.965583
5  2020-03-13   10.417357  ...                         0.0    8.631778
6  2020-03-14   12.564935  ...                         0.0    4.483366
7  2020-03-15   14.712514  ...                         0.0    9.666584
8  2020-03-16   16.860092  ...                         0.0   10.333053
9  2020-03-17   19.007827  ...                         0.0   12.332879
10 2020-03-18   21.155579  ...                         0.0   17.666004
11 2020-03-19   23.303336  ...                         0.0   18.999141
12 2020-03-20   25.451096  ...                         0.0   23.665517
13 2020-03-21   27.598879  ...                         0.0   19.517310
14 2020-03-22   29.746765  ...                         0.0   24.700835
15 2020-03-23   31.894651  ...                         0.0   25.367612
16 2020-03-24   34.042536  ...                         0.0   27.367588
17 2020-03-25   36.190422  ...                         0.0   32.700847
18 2020-03-26   38.338308  ...                         0.0   34.034113
19 2020-03-27   40.486193  ...                         0.0   38.700614
20 2020-03-28   42.634079  ...                         0.0   34.552510
21 2020-03-29   44.781965  ...                         0.0   39.736035
22 2020-03-30   46.929851  ...                         0.0   40.402811
23 2020-03-31   49.077736  ...                         0.0   42.402788
24 2020-04-01   51.225622  ...                         0.0   47.736046
25 2020-04-02   53.373508  ...                         0.0   49.069312
26 2020-04-03   55.521393  ...                         0.0   53.735814
27 2020-04-04   57.669279  ...                         0.0   49.587709
28 2020-04-05   59.817165  ...                         0.0   54.771235
29 2020-04-06   61.965050  ...                         0.0   55.438011
30 2020-04-07   64.112936  ...                         0.0   57.437987
31 2020-04-08   66.260822  ...                         0.0   62.771246
32 2020-04-09   68.408707  ...                         0.0   64.104512
33 2020-04-10   70.556593  ...                         0.0   68.771013
34 2020-04-11   72.704479  ...                         0.0   64.622909
35 2020-04-12   74.852364  ...                         0.0   69.806434
36 2020-04-13   77.000250  ...                         0.0   70.473211
37 2020-04-14   79.148136  ...                         0.0   72.473187
38 2020-04-15   81.296021  ...                         0.0   77.806446
39 2020-04-16   83.443907  ...                         0.0   79.139712
40 2020-04-17   85.591793  ...                         0.0   83.806213
41 2020-04-18   87.739678  ...                         0.0   79.658109
42 2020-04-19   89.887564  ...                         0.0   84.841634
43 2020-04-20   92.035450  ...                         0.0   85.508410
44 2020-04-21   94.183335  ...                         0.0   87.508387
45 2020-04-22   96.331221  ...                         0.0   92.841646
46 2020-04-23   98.479107  ...                         0.0   94.174911
47 2020-04-24  100.626992  ...                         0.0   98.841413
48 2020-04-25  102.774878  ...                         0.0   94.693308
49 2020-04-26  104.922764  ...                         0.0   99.876834
50 2020-04-27  107.070649  ...                         0.0  100.543610
51 2020-04-28  109.218535  ...                         0.0  102.543586
52 2020-04-29  111.366421  ...                         0.0  107.876845
53 2020-04-30  113.514306  ...                         0.0  109.210111

[54 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Guangxi
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-01-22   -0.044109  ...                         0.0   -0.827522
1  2020-01-23    8.934893  ...                         0.0    8.415967
2  2020-01-24   17.913896  ...                         0.0   17.184096
3  2020-01-25   26.892899  ...                         0.0   25.815256
4  2020-01-26   35.871902  ...                         0.0   34.829041
..        ...         ...  ...                         ...         ...
95 2020-04-26  257.264401  ...                         0.0  256.221540
96 2020-04-27  257.352501  ...                         0.0  257.291892
97 2020-04-28  257.440602  ...                         0.0  256.727912
98 2020-04-29  257.528702  ...                         0.0  256.745290
99 2020-04-30  257.616803  ...                         0.0  257.097877

[100 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 11.
COUNTRY: Victoria
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-01-26   -4.616313  ...                         0.0  -84.086434
1  2020-01-27    0.150211  ...                         0.0  -81.893711
2  2020-01-28    4.916736  ...                         0.0  -72.813691
3  2020-01-29    9.683260  ...                         0.0  -63.289626
4  2020-01-30   14.449785  ...                         0.0  -57.211537
..        ...         ...  ...                         ...         ...
91 2020-04-26  432.225452  ...                         0.0  352.755331
92 2020-04-27  437.047050  ...                         0.0  355.003127
93 2020-04-28  441.868648  ...                         0.0  364.138222
94 2020-04-29  446.690247  ...                         0.0  373.717360
95 2020-04-30  451.511845  ...                         0.0  379.850523

[96 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 6.
COUNTRY: Manitoba
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-13    0.058363  ...                         0.0    3.503566
1  2020-03-14    2.413515  ...                         0.0    2.756281
2  2020-03-15    4.768668  ...                         0.0    3.754849
3  2020-03-16    7.123821  ...                         0.0    5.252538
4  2020-03-17    9.478973  ...                         0.0    6.250039
5  2020-03-18   11.834126  ...                         0.0   16.746702
6  2020-03-19   14.189293  ...                         0.0   18.244519
7  2020-03-20   16.546079  ...                         0.0   19.991281
8  2020-03-21   18.904050  ...                         0.0   19.246815
9  2020-03-22   21.262743  ...                         0.0   20.248924
10 2020-03-23   23.623056  ...                         0.0   21.751773
11 2020-03-24   25.983546  ...                         0.0   22.754612
12 2020-03-25   28.344036  ...                         0.0   33.256613
13 2020-03-26   30.704527  ...                         0.0   34.759753
14 2020-03-27   33.065017  ...                         0.0   36.510220
15 2020-03-28   35.425508  ...                         0.0   35.768273
16 2020-03-29   37.785998  ...                         0.0   36.772179
17 2020-03-30   40.146489  ...                         0.0   38.275206
18 2020-03-31   42.506979  ...                         0.0   39.278045
19 2020-04-01   44.867470  ...                         0.0   49.780046
20 2020-04-02   47.227960  ...                         0.0   51.283186
21 2020-04-03   49.588450  ...                         0.0   53.033653
22 2020-04-04   51.948941  ...                         0.0   52.291707
23 2020-04-05   54.309431  ...                         0.0   53.295612
24 2020-04-06   56.669922  ...                         0.0   54.798639
25 2020-04-07   59.030412  ...                         0.0   55.801478
26 2020-04-08   61.390903  ...                         0.0   66.303479
27 2020-04-09   63.751393  ...                         0.0   67.806619
28 2020-04-10   66.111884  ...                         0.0   69.557086
29 2020-04-11   68.472374  ...                         0.0   68.815140
30 2020-04-12   70.832865  ...                         0.0   69.819045
31 2020-04-13   73.193355  ...                         0.0   71.322072
32 2020-04-14   75.553845  ...                         0.0   72.324912
33 2020-04-15   77.914336  ...                         0.0   82.826913
34 2020-04-16   80.274826  ...                         0.0   84.330053
35 2020-04-17   82.635317  ...                         0.0   86.080520
36 2020-04-18   84.995807  ...                         0.0   85.338573
37 2020-04-19   87.356298  ...                         0.0   86.342479
38 2020-04-20   89.716788  ...                         0.0   87.845505
39 2020-04-21   92.077279  ...                         0.0   88.848345
40 2020-04-22   94.437769  ...                         0.0   99.350346
41 2020-04-23   96.798260  ...                         0.0  100.853486
42 2020-04-24   99.158750  ...                         0.0  102.603953
43 2020-04-25  101.519241  ...                         0.0  101.862006
44 2020-04-26  103.879731  ...                         0.0  102.865912
45 2020-04-27  106.240221  ...                         0.0  104.368939
46 2020-04-28  108.600712  ...                         0.0  105.371778
47 2020-04-29  110.961202  ...                         0.0  115.873779
48 2020-04-30  113.321693  ...                         0.0  117.376919

[49 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 23.
COUNTRY: El Salvador
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-19   0.043908  ...                         0.0  -0.865911
1  2020-03-20   1.677884  ...                         0.0   0.768066
2  2020-03-21   3.311861  ...                         0.0   2.402043
3  2020-03-22   4.945838  ...                         0.0   4.036019
4  2020-03-23   6.579815  ...                         0.0   5.669996
5  2020-03-24   8.213792  ...                         0.0   7.303973
6  2020-03-25   9.847768  ...                         0.0   8.937950
7  2020-03-26  11.481745  ...                         0.0  10.571927
8  2020-03-27  13.115722  ...                         0.0  12.205903
9  2020-03-28  14.749699  ...                         0.0  13.839880
10 2020-03-29  16.383676  ...                         0.0  15.473857
11 2020-03-30  18.017652  ...                         0.0  17.107834
12 2020-03-31  19.651629  ...                         0.0  18.741811
13 2020-04-01  21.285606  ...                         0.0  20.375787
14 2020-04-02  22.919583  ...                         0.0  22.009764
15 2020-04-03  24.553560  ...                         0.0  23.643741
16 2020-04-04  26.187537  ...                         0.0  25.277718
17 2020-04-05  27.821513  ...                         0.0  26.911695
18 2020-04-06  29.455490  ...                         0.0  28.545671
19 2020-04-07  31.089467  ...                         0.0  30.179648
20 2020-04-08  32.723444  ...                         0.0  31.813625
21 2020-04-09  34.357421  ...                         0.0  33.447602
22 2020-04-10  35.991397  ...                         0.0  35.081579
23 2020-04-11  37.625374  ...                         0.0  36.715555
24 2020-04-12  39.259351  ...                         0.0  38.349532
25 2020-04-13  40.893328  ...                         0.0  39.983509
26 2020-04-14  42.527305  ...                         0.0  41.617486
27 2020-04-15  44.161281  ...                         0.0  43.251463
28 2020-04-16  45.795258  ...                         0.0  44.885439
29 2020-04-17  47.429235  ...                         0.0  46.519416
30 2020-04-18  49.063212  ...                         0.0  48.153393
31 2020-04-19  50.697189  ...                         0.0  49.787370
32 2020-04-20  52.331165  ...                         0.0  51.421347
33 2020-04-21  53.965142  ...                         0.0  53.055323
34 2020-04-22  55.599119  ...                         0.0  54.689300
35 2020-04-23  57.233096  ...                         0.0  56.323277
36 2020-04-24  58.867073  ...                         0.0  57.957254
37 2020-04-25  60.501049  ...                         0.0  59.591231
38 2020-04-26  62.135026  ...                         0.0  61.225207
39 2020-04-27  63.769003  ...                         0.0  62.859184
40 2020-04-28  65.402980  ...                         0.0  64.493161
41 2020-04-29  67.036957  ...                         0.0  66.127138
42 2020-04-30  68.670933  ...                         0.0  67.761115

[43 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 19.
COUNTRY: Greece
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-02-26   -11.267922  ...                         0.0  -167.651407
1  2020-02-27    19.945461  ...                         0.0  -148.681149
2  2020-02-28    51.158844  ...                         0.0   -97.338010
3  2020-02-29    82.372227  ...                         0.0  -125.861575
4  2020-03-01   113.585611  ...                         0.0   -69.164502
..        ...          ...  ...                         ...          ...
60 2020-04-26  1866.622070  ...                         0.0  1683.871957
61 2020-04-27  1897.949135  ...                         0.0  1701.705216
62 2020-04-28  1929.276200  ...                         0.0  1731.779496
63 2020-04-29  1960.603265  ...                         0.0  1804.219780
64 2020-04-30  1991.930330  ...                         0.0  1823.303720

[65 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 18.
COUNTRY: Chile
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-03   -18.948514  ...                         0.0  -284.069855
1  2020-03-04    35.175080  ...                         0.0  -217.326202
2  2020-03-05    89.298674  ...                         0.0  -175.581883
3  2020-03-06   143.422267  ...                         0.0   -45.589555
4  2020-03-07   197.545861  ...                         0.0  -178.205318
5  2020-03-08   251.669455  ...                         0.0  -140.874126
6  2020-03-09   305.793048  ...                         0.0   -75.877314
7  2020-03-10   359.916642  ...                         0.0    94.795300
8  2020-03-11   414.040235  ...                         0.0   161.538954
9  2020-03-12   468.163829  ...                         0.0   203.283272
10 2020-03-13   522.287423  ...                         0.0   333.275601
11 2020-03-14   576.411016  ...                         0.0   200.659837
12 2020-03-15   630.534610  ...                         0.0   237.991030
13 2020-03-16   684.659965  ...                         0.0   302.989603
14 2020-03-17   738.792213  ...                         0.0   473.670871
15 2020-03-18   792.932191  ...                         0.0   540.430910
16 2020-03-19   847.072828  ...                         0.0   582.192271
17 2020-03-20   901.217238  ...                         0.0   712.205416
18 2020-03-21   955.361647  ...                         0.0   579.610468
19 2020-03-22  1009.506057  ...                         0.0   616.962477
20 2020-03-23  1063.650467  ...                         0.0   681.980104
21 2020-03-24  1117.794876  ...                         0.0   852.673535
22 2020-03-25  1171.939286  ...                         0.0   919.438004
23 2020-03-26  1226.083696  ...                         0.0   961.203139
24 2020-03-27  1280.228105  ...                         0.0  1091.216283
25 2020-03-28  1334.372515  ...                         0.0   958.621336
26 2020-03-29  1388.516925  ...                         0.0   995.973344
27 2020-03-30  1442.661334  ...                         0.0  1060.990972
28 2020-03-31  1496.805744  ...                         0.0  1231.684402
29 2020-04-01  1550.950154  ...                         0.0  1298.448872
30 2020-04-02  1605.094563  ...                         0.0  1340.214006
31 2020-04-03  1659.238973  ...                         0.0  1470.227151
32 2020-04-04  1713.383383  ...                         0.0  1337.632204
33 2020-04-05  1767.527792  ...                         0.0  1374.984212
34 2020-04-06  1821.672202  ...                         0.0  1440.001840
35 2020-04-07  1875.816612  ...                         0.0  1610.695270
36 2020-04-08  1929.961021  ...                         0.0  1677.459740
37 2020-04-09  1984.105431  ...                         0.0  1719.224874
38 2020-04-10  2038.249841  ...                         0.0  1849.238019
39 2020-04-11  2092.394250  ...                         0.0  1716.643071
40 2020-04-12  2146.538660  ...                         0.0  1753.995080
41 2020-04-13  2200.683070  ...                         0.0  1819.012707
42 2020-04-14  2254.827479  ...                         0.0  1989.706138
43 2020-04-15  2308.971889  ...                         0.0  2056.470607
44 2020-04-16  2363.116299  ...                         0.0  2098.235742
45 2020-04-17  2417.260708  ...                         0.0  2228.248886
46 2020-04-18  2471.405118  ...                         0.0  2095.653939
47 2020-04-19  2525.549528  ...                         0.0  2133.005947
48 2020-04-20  2579.693937  ...                         0.0  2198.023575
49 2020-04-21  2633.838347  ...                         0.0  2368.717005
50 2020-04-22  2687.982757  ...                         0.0  2435.481475
51 2020-04-23  2742.127166  ...                         0.0  2477.246609
52 2020-04-24  2796.271576  ...                         0.0  2607.259754
53 2020-04-25  2850.415986  ...                         0.0  2474.664806
54 2020-04-26  2904.560395  ...                         0.0  2512.016815
55 2020-04-27  2958.704805  ...                         0.0  2577.034442
56 2020-04-28  3012.849215  ...                         0.0  2747.727873
57 2020-04-29  3066.993624  ...                         0.0  2814.492343
58 2020-04-30  3121.138034  ...                         0.0  2856.257477

[59 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Liechtenstein
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-04   -0.820714  ...                         0.0   -9.249465
1  2020-03-05    1.988706  ...                         0.0   -7.999487
2  2020-03-06    4.798127  ...                         0.0   -7.999568
3  2020-03-07    7.607547  ...                         0.0   -5.666764
4  2020-03-08   10.416968  ...                         0.0   -5.666815
5  2020-03-09   13.226388  ...                         0.0   -1.000030
6  2020-03-10   16.035808  ...                         0.0   -0.000041
7  2020-03-11   18.845229  ...                         0.0   10.416478
8  2020-03-12   21.654649  ...                         0.0   11.666456
9  2020-03-13   24.464070  ...                         0.0   11.666375
10 2020-03-14   27.273494  ...                         0.0   13.999183
11 2020-03-15   30.082927  ...                         0.0   13.999145
12 2020-03-16   32.892361  ...                         0.0   18.665943
13 2020-03-17   35.701794  ...                         0.0   19.665945
14 2020-03-18   38.511228  ...                         0.0   30.082477
15 2020-03-19   41.320661  ...                         0.0   31.332468
16 2020-03-20   44.130095  ...                         0.0   31.332400
17 2020-03-21   46.939528  ...                         0.0   33.665218
18 2020-03-22   49.748962  ...                         0.0   33.665179
19 2020-03-23   52.558395  ...                         0.0   38.331978
20 2020-03-24   55.367829  ...                         0.0   39.331980
21 2020-03-25   58.177262  ...                         0.0   49.748512
22 2020-03-26   60.986696  ...                         0.0   50.998503
23 2020-03-27   63.796129  ...                         0.0   50.998435
24 2020-03-28   66.605563  ...                         0.0   53.331252
25 2020-03-29   69.414996  ...                         0.0   53.331214
26 2020-03-30   72.224430  ...                         0.0   57.998013
27 2020-03-31   75.033864  ...                         0.0   58.998014
28 2020-04-01   77.843297  ...                         0.0   69.414547
29 2020-04-02   80.652731  ...                         0.0   70.664538
30 2020-04-03   83.462164  ...                         0.0   70.664470
31 2020-04-04   86.271598  ...                         0.0   72.997287
32 2020-04-05   89.081031  ...                         0.0   72.997248
33 2020-04-06   91.890465  ...                         0.0   77.664047
34 2020-04-07   94.699898  ...                         0.0   78.664049
35 2020-04-08   97.509332  ...                         0.0   89.080581
36 2020-04-09  100.318765  ...                         0.0   90.330572
37 2020-04-10  103.128199  ...                         0.0   90.330504
38 2020-04-11  105.937632  ...                         0.0   92.663322
39 2020-04-12  108.747066  ...                         0.0   92.663283
40 2020-04-13  111.556499  ...                         0.0   97.330082
41 2020-04-14  114.365933  ...                         0.0   98.330084
42 2020-04-15  117.175366  ...                         0.0  108.746616
43 2020-04-16  119.984800  ...                         0.0  109.996607
44 2020-04-17  122.794233  ...                         0.0  109.996539
45 2020-04-18  125.603667  ...                         0.0  112.329356
46 2020-04-19  128.413100  ...                         0.0  112.329318
47 2020-04-20  131.222534  ...                         0.0  116.996117
48 2020-04-21  134.031968  ...                         0.0  117.996118
49 2020-04-22  136.841401  ...                         0.0  128.412651
50 2020-04-23  139.650835  ...                         0.0  129.662642
51 2020-04-24  142.460268  ...                         0.0  129.662574
52 2020-04-25  145.269702  ...                         0.0  131.995391
53 2020-04-26  148.079135  ...                         0.0  131.995352
54 2020-04-27  150.888569  ...                         0.0  136.662151
55 2020-04-28  153.698002  ...                         0.0  137.662153
56 2020-04-29  156.507436  ...                         0.0  148.078685
57 2020-04-30  159.316869  ...                         0.0  149.328676

[58 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Jiangsu
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-01-22   -0.072680  ...                         0.0   -1.067882
1  2020-01-23    5.612981  ...                         0.0    4.382030
2  2020-01-24   11.298641  ...                         0.0   10.845564
3  2020-01-25   21.564863  ...                         0.0   19.678227
4  2020-01-26   31.831084  ...                         0.0   31.035142
..        ...         ...  ...                         ...         ...
95 2020-04-26  655.190123  ...                         0.0  654.394182
96 2020-04-27  655.743870  ...                         0.0  654.288831
97 2020-04-28  656.297616  ...                         0.0  654.963701
98 2020-04-29  656.851362  ...                         0.0  655.856160
99 2020-04-30  657.405109  ...                         0.0  656.174157

[100 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 7.
COUNTRY: Xinjiang
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-01-23  -0.048642  ...                         0.0  -0.386621
1  2020-01-24   2.081645  ...                         0.0   1.381885
2  2020-01-25   4.211932  ...                         0.0   3.308170
3  2020-01-26   6.342219  ...                         0.0   5.008546
4  2020-01-27   8.472506  ...                         0.0   7.289363
..        ...        ...  ...                         ...        ...
94 2020-04-26  76.633733  ...                         0.0  75.300060
95 2020-04-27  76.630462  ...                         0.0  75.447319
96 2020-04-28  76.627191  ...                         0.0  76.149951
97 2020-04-29  76.623921  ...                         0.0  76.074728
98 2020-04-30  76.620650  ...                         0.0  76.282671

[99 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 10.
COUNTRY: West Virginia
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-17   -0.653477  ...                         0.0  -11.231099
1  2020-03-18    5.955164  ...                         0.0   -4.622458
2  2020-03-19   12.563805  ...                         0.0    1.986183
3  2020-03-20   19.172446  ...                         0.0    8.594824
4  2020-03-21   25.781088  ...                         0.0   15.203466
5  2020-03-22   32.389729  ...                         0.0   21.812107
6  2020-03-23   38.998370  ...                         0.0   28.420748
7  2020-03-24   45.607011  ...                         0.0   35.029389
8  2020-03-25   52.215652  ...                         0.0   41.638030
9  2020-03-26   58.824293  ...                         0.0   48.246671
10 2020-03-27   65.432934  ...                         0.0   54.855312
11 2020-03-28   72.041575  ...                         0.0   61.463953
12 2020-03-29   78.650217  ...                         0.0   68.072594
13 2020-03-30   85.258858  ...                         0.0   74.681236
14 2020-03-31   91.867499  ...                         0.0   81.289877
15 2020-04-01   98.476140  ...                         0.0   87.898518
16 2020-04-02  105.084781  ...                         0.0   94.507159
17 2020-04-03  111.693422  ...                         0.0  101.115800
18 2020-04-04  118.302063  ...                         0.0  107.724441
19 2020-04-05  124.910704  ...                         0.0  114.333082
20 2020-04-06  131.519345  ...                         0.0  120.941723
21 2020-04-07  138.127987  ...                         0.0  127.550365
22 2020-04-08  144.736628  ...                         0.0  134.159006
23 2020-04-09  151.345269  ...                         0.0  140.767647
24 2020-04-10  157.953910  ...                         0.0  147.376288
25 2020-04-11  164.562551  ...                         0.0  153.984929
26 2020-04-12  171.171192  ...                         0.0  160.593570
27 2020-04-13  177.779833  ...                         0.0  167.202211
28 2020-04-14  184.388474  ...                         0.0  173.810852
29 2020-04-15  190.997116  ...                         0.0  180.419494
30 2020-04-16  197.605757  ...                         0.0  187.028135
31 2020-04-17  204.214398  ...                         0.0  193.636776
32 2020-04-18  210.823039  ...                         0.0  200.245417
33 2020-04-19  217.431680  ...                         0.0  206.854058
34 2020-04-20  224.040321  ...                         0.0  213.462699
35 2020-04-21  230.648962  ...                         0.0  220.071340
36 2020-04-22  237.257603  ...                         0.0  226.679981
37 2020-04-23  243.866245  ...                         0.0  233.288622
38 2020-04-24  250.474886  ...                         0.0  239.897264
39 2020-04-25  257.083527  ...                         0.0  246.505905
40 2020-04-26  263.692168  ...                         0.0  253.114546
41 2020-04-27  270.300809  ...                         0.0  259.723187
42 2020-04-28  276.909450  ...                         0.0  266.331828
43 2020-04-29  283.518091  ...                         0.0  272.940469
44 2020-04-30  290.126732  ...                         0.0  279.549110

[45 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 17.
COUNTRY: Ghana
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-14   -1.397248  ...                         0.0  -23.806469
1  2020-03-15    8.191352  ...                         0.0  -14.217868
2  2020-03-16   17.779952  ...                         0.0   -4.629268
3  2020-03-17   27.368552  ...                         0.0    4.959332
4  2020-03-18   36.957153  ...                         0.0   14.547932
5  2020-03-19   46.545753  ...                         0.0   24.136532
6  2020-03-20   56.134353  ...                         0.0   33.725132
7  2020-03-21   65.722953  ...                         0.0   43.313732
8  2020-03-22   75.311554  ...                         0.0   52.902333
9  2020-03-23   84.900155  ...                         0.0   62.490934
10 2020-03-24   94.488756  ...                         0.0   72.079536
11 2020-03-25  104.077358  ...                         0.0   81.668137
12 2020-03-26  113.665959  ...                         0.0   91.256738
13 2020-03-27  123.254560  ...                         0.0  100.845339
14 2020-03-28  132.843161  ...                         0.0  110.433940
15 2020-03-29  142.431762  ...                         0.0  120.022541
16 2020-03-30  152.020363  ...                         0.0  129.611143
17 2020-03-31  161.608964  ...                         0.0  139.199744
18 2020-04-01  171.197566  ...                         0.0  148.788345
19 2020-04-02  180.786167  ...                         0.0  158.376946
20 2020-04-03  190.374768  ...                         0.0  167.965547
21 2020-04-04  199.963369  ...                         0.0  177.554148
22 2020-04-05  209.551970  ...                         0.0  187.142749
23 2020-04-06  219.140571  ...                         0.0  196.731351
24 2020-04-07  228.729172  ...                         0.0  206.319952
25 2020-04-08  238.317774  ...                         0.0  215.908553
26 2020-04-09  247.906375  ...                         0.0  225.497154
27 2020-04-10  257.494976  ...                         0.0  235.085755
28 2020-04-11  267.083577  ...                         0.0  244.674356
29 2020-04-12  276.672178  ...                         0.0  254.262957
30 2020-04-13  286.260779  ...                         0.0  263.851559
31 2020-04-14  295.849381  ...                         0.0  273.440160
32 2020-04-15  305.437982  ...                         0.0  283.028761
33 2020-04-16  315.026583  ...                         0.0  292.617362
34 2020-04-17  324.615184  ...                         0.0  302.205963
35 2020-04-18  334.203785  ...                         0.0  311.794564
36 2020-04-19  343.792386  ...                         0.0  321.383166
37 2020-04-20  353.380987  ...                         0.0  330.971767
38 2020-04-21  362.969589  ...                         0.0  340.560368
39 2020-04-22  372.558190  ...                         0.0  350.148969
40 2020-04-23  382.146791  ...                         0.0  359.737570
41 2020-04-24  391.735392  ...                         0.0  369.326171
42 2020-04-25  401.323993  ...                         0.0  378.914772
43 2020-04-26  410.912594  ...                         0.0  388.503374
44 2020-04-27  420.501195  ...                         0.0  398.091975
45 2020-04-28  430.089797  ...                         0.0  407.680576
46 2020-04-29  439.678398  ...                         0.0  417.269177
47 2020-04-30  449.266999  ...                         0.0  426.857778

[48 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Slovenia
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-05    -2.772124  ...                         0.0   -46.398362
1  2020-03-06    19.403037  ...                         0.0    -8.459555
2  2020-03-07    41.578197  ...                         0.0     2.870790
3  2020-03-08    63.753358  ...                         0.0    22.443140
4  2020-03-09    85.928519  ...                         0.0    36.682005
5  2020-03-10   108.116064  ...                         0.0    55.262378
6  2020-03-11   130.316868  ...                         0.0    73.515079
7  2020-03-12   152.540648  ...                         0.0   108.914410
8  2020-03-13   182.980248  ...                         0.0   155.117656
9  2020-03-14   213.438393  ...                         0.0   174.730986
10 2020-03-15   243.901627  ...                         0.0   202.591409
11 2020-03-16   274.364862  ...                         0.0   225.118348
12 2020-03-17   304.828129  ...                         0.0   251.974444
13 2020-03-18   335.300702  ...                         0.0   278.498913
14 2020-03-19   365.778298  ...                         0.0   322.152060
15 2020-03-20   398.938399  ...                         0.0   371.075807
16 2020-03-21   432.106818  ...                         0.0   393.399411
17 2020-03-22   465.276842  ...                         0.0   423.966624
18 2020-03-23   498.446869  ...                         0.0   449.200355
19 2020-03-24   531.616895  ...                         0.0   478.763210
20 2020-03-25   564.786922  ...                         0.0   507.985133
21 2020-03-26   597.956949  ...                         0.0   554.330710
22 2020-03-27   631.126975  ...                         0.0   603.264383
23 2020-03-28   664.297002  ...                         0.0   625.589595
24 2020-03-29   697.467028  ...                         0.0   656.156810
25 2020-03-30   730.637055  ...                         0.0   681.390540
26 2020-03-31   763.807081  ...                         0.0   710.953396
27 2020-04-01   796.977108  ...                         0.0   740.175319
28 2020-04-02   830.147134  ...                         0.0   786.520896
29 2020-04-03   863.317161  ...                         0.0   835.454569
30 2020-04-04   896.487187  ...                         0.0   857.779780
31 2020-04-05   929.657214  ...                         0.0   888.346996
32 2020-04-06   962.827240  ...                         0.0   913.580726
33 2020-04-07   995.997267  ...                         0.0   943.143582
34 2020-04-08  1029.167293  ...                         0.0   972.365505
35 2020-04-09  1062.337320  ...                         0.0  1018.711081
36 2020-04-10  1095.507347  ...                         0.0  1067.644754
37 2020-04-11  1128.677373  ...                         0.0  1089.969966
38 2020-04-12  1161.847400  ...                         0.0  1120.537182
39 2020-04-13  1195.017426  ...                         0.0  1145.770912
40 2020-04-14  1228.187453  ...                         0.0  1175.333768
41 2020-04-15  1261.357479  ...                         0.0  1204.555690
42 2020-04-16  1294.527506  ...                         0.0  1250.901267
43 2020-04-17  1327.697532  ...                         0.0  1299.834940
44 2020-04-18  1360.867559  ...                         0.0  1322.160152
45 2020-04-19  1394.037585  ...                         0.0  1352.727367
46 2020-04-20  1427.207612  ...                         0.0  1377.961098
47 2020-04-21  1460.377638  ...                         0.0  1407.523953
48 2020-04-22  1493.547665  ...                         0.0  1436.745876
49 2020-04-23  1526.717691  ...                         0.0  1483.091453
50 2020-04-24  1559.887718  ...                         0.0  1532.025126
51 2020-04-25  1593.057744  ...                         0.0  1554.350337
52 2020-04-26  1626.227771  ...                         0.0  1584.917553
53 2020-04-27  1659.397798  ...                         0.0  1610.151283
54 2020-04-28  1692.567824  ...                         0.0  1639.714139
55 2020-04-29  1725.737851  ...                         0.0  1668.936062
56 2020-04-30  1758.907877  ...                         0.0  1715.281639

[57 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 11.
COUNTRY: Israel
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-02-21   -29.074297  ...                         0.0  -275.177496
1  2020-02-22    22.192704  ...                         0.0  -534.125148
2  2020-02-23    73.459705  ...                         0.0  -484.126373
3  2020-02-24   124.726705  ...                         0.0  -445.527616
4  2020-02-25   175.993706  ...                         0.0  -402.528996
..        ...          ...  ...                         ...          ...
65 2020-04-26  3303.558680  ...                         0.0  2745.972602
66 2020-04-27  3354.832206  ...                         0.0  2784.577884
67 2020-04-28  3406.105732  ...                         0.0  2827.583030
68 2020-04-29  3457.379258  ...                         0.0  3066.182073
69 2020-04-30  3508.652784  ...                         0.0  3160.985140

[70 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 8.
COUNTRY: Idaho
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-13   -2.125009  ...                         0.0   -6.768351
1  2020-03-14    9.747807  ...                         0.0  -22.519184
2  2020-03-15   21.620623  ...                         0.0  -18.021936
3  2020-03-16   33.493438  ...                         0.0   -5.026716
4  2020-03-17   45.366254  ...                         0.0    2.969724
5  2020-03-18   57.239070  ...                         0.0    8.466778
6  2020-03-19   69.111885  ...                         0.0   36.958308
7  2020-03-20   80.984701  ...                         0.0   76.341359
8  2020-03-21   92.857517  ...                         0.0   60.590526
9  2020-03-22  104.730332  ...                         0.0   65.087774
10 2020-03-23  116.603150  ...                         0.0   78.082996
11 2020-03-24  128.475967  ...                         0.0   86.079437
12 2020-03-25  140.348784  ...                         0.0   91.576492
13 2020-03-26  152.221601  ...                         0.0  120.068024
14 2020-03-27  164.094419  ...                         0.0  159.451076
15 2020-03-28  175.967236  ...                         0.0  143.700246
16 2020-03-29  187.840053  ...                         0.0  148.197495
17 2020-03-30  199.712871  ...                         0.0  161.192717
18 2020-03-31  211.585688  ...                         0.0  169.189158
19 2020-04-01  223.458505  ...                         0.0  174.686214
20 2020-04-02  235.331323  ...                         0.0  203.177746
21 2020-04-03  247.204140  ...                         0.0  242.560798
22 2020-04-04  259.076957  ...                         0.0  226.809967
23 2020-04-05  270.949775  ...                         0.0  231.307216
24 2020-04-06  282.822592  ...                         0.0  244.302438
25 2020-04-07  294.695409  ...                         0.0  252.298879
26 2020-04-08  306.568226  ...                         0.0  257.795935
27 2020-04-09  318.441044  ...                         0.0  286.287467
28 2020-04-10  330.313861  ...                         0.0  325.670519
29 2020-04-11  342.186678  ...                         0.0  309.919688
30 2020-04-12  354.059496  ...                         0.0  314.416937
31 2020-04-13  365.932313  ...                         0.0  327.412159
32 2020-04-14  377.805130  ...                         0.0  335.408600
33 2020-04-15  389.677948  ...                         0.0  340.905656
34 2020-04-16  401.550765  ...                         0.0  369.397188
35 2020-04-17  413.423582  ...                         0.0  408.780240
36 2020-04-18  425.296399  ...                         0.0  393.029409
37 2020-04-19  437.169217  ...                         0.0  397.526659
38 2020-04-20  449.042034  ...                         0.0  410.521880
39 2020-04-21  460.914851  ...                         0.0  418.518321
40 2020-04-22  472.787669  ...                         0.0  424.015377
41 2020-04-23  484.660486  ...                         0.0  452.506909
42 2020-04-24  496.533303  ...                         0.0  491.889961
43 2020-04-25  508.406121  ...                         0.0  476.139130
44 2020-04-26  520.278938  ...                         0.0  480.636380
45 2020-04-27  532.151755  ...                         0.0  493.631601
46 2020-04-28  544.024572  ...                         0.0  501.628042
47 2020-04-29  555.897390  ...                         0.0  507.125098
48 2020-04-30  567.770207  ...                         0.0  535.616630

[49 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 9.
COUNTRY: Greenland
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-16  -0.012683  ...                         0.0  -0.216824
1  2020-03-17   0.693491  ...                         0.0   0.489350
2  2020-03-18   1.399665  ...                         0.0   1.195524
3  2020-03-19   2.105839  ...                         0.0   1.901698
4  2020-03-20   2.812013  ...                         0.0   2.607872
5  2020-03-21   3.518193  ...                         0.0   3.314052
6  2020-03-22   4.224373  ...                         0.0   4.020232
7  2020-03-23   4.930553  ...                         0.0   4.726412
8  2020-03-24   5.636733  ...                         0.0   5.432592
9  2020-03-25   6.342913  ...                         0.0   6.138772
10 2020-03-26   7.049093  ...                         0.0   6.844952
11 2020-03-27   7.755273  ...                         0.0   7.551132
12 2020-03-28   8.461453  ...                         0.0   8.257312
13 2020-03-29   9.167633  ...                         0.0   8.963492
14 2020-03-30   9.873813  ...                         0.0   9.669672
15 2020-03-31  10.579993  ...                         0.0  10.375852
16 2020-04-01  11.286173  ...                         0.0  11.082032
17 2020-04-02  11.992354  ...                         0.0  11.788213
18 2020-04-03  12.698534  ...                         0.0  12.494393
19 2020-04-04  13.404714  ...                         0.0  13.200573
20 2020-04-05  14.110894  ...                         0.0  13.906753
21 2020-04-06  14.817074  ...                         0.0  14.612933
22 2020-04-07  15.523254  ...                         0.0  15.319113
23 2020-04-08  16.229434  ...                         0.0  16.025293
24 2020-04-09  16.935614  ...                         0.0  16.731473
25 2020-04-10  17.641794  ...                         0.0  17.437653
26 2020-04-11  18.347974  ...                         0.0  18.143833
27 2020-04-12  19.054154  ...                         0.0  18.850013
28 2020-04-13  19.760334  ...                         0.0  19.556193
29 2020-04-14  20.466514  ...                         0.0  20.262373
30 2020-04-15  21.172694  ...                         0.0  20.968553
31 2020-04-16  21.878874  ...                         0.0  21.674733
32 2020-04-17  22.585054  ...                         0.0  22.380914
33 2020-04-18  23.291235  ...                         0.0  23.087094
34 2020-04-19  23.997415  ...                         0.0  23.793274
35 2020-04-20  24.703595  ...                         0.0  24.499454
36 2020-04-21  25.409775  ...                         0.0  25.205634
37 2020-04-22  26.115955  ...                         0.0  25.911814
38 2020-04-23  26.822135  ...                         0.0  26.617994
39 2020-04-24  27.528315  ...                         0.0  27.324174
40 2020-04-25  28.234495  ...                         0.0  28.030354
41 2020-04-26  28.940675  ...                         0.0  28.736534
42 2020-04-27  29.646855  ...                         0.0  29.442714
43 2020-04-28  30.353035  ...                         0.0  30.148894
44 2020-04-29  31.059215  ...                         0.0  30.855074
45 2020-04-30  31.765395  ...                         0.0  31.561254

[46 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 12.
COUNTRY: Uzbekistan
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-15    0.120029  ...                         0.0   -2.543796
1  2020-03-16    6.867004  ...                         0.0    4.203179
2  2020-03-17   13.613979  ...                         0.0   10.950154
3  2020-03-18   20.360954  ...                         0.0   17.697129
4  2020-03-19   27.107929  ...                         0.0   24.444104
5  2020-03-20   33.854905  ...                         0.0   31.191080
6  2020-03-21   40.601880  ...                         0.0   37.938055
7  2020-03-22   47.348855  ...                         0.0   44.685030
8  2020-03-23   54.096024  ...                         0.0   51.432199
9  2020-03-24   60.843214  ...                         0.0   58.179389
10 2020-03-25   67.590404  ...                         0.0   64.926579
11 2020-03-26   74.337594  ...                         0.0   71.673769
12 2020-03-27   81.084784  ...                         0.0   78.420959
13 2020-03-28   87.831975  ...                         0.0   85.168150
14 2020-03-29   94.579165  ...                         0.0   91.915340
15 2020-03-30  101.326355  ...                         0.0   98.662530
16 2020-03-31  108.073545  ...                         0.0  105.409720
17 2020-04-01  114.820735  ...                         0.0  112.156910
18 2020-04-02  121.567925  ...                         0.0  118.904100
19 2020-04-03  128.315116  ...                         0.0  125.651291
20 2020-04-04  135.062306  ...                         0.0  132.398481
21 2020-04-05  141.809496  ...                         0.0  139.145671
22 2020-04-06  148.556686  ...                         0.0  145.892861
23 2020-04-07  155.303876  ...                         0.0  152.640051
24 2020-04-08  162.051066  ...                         0.0  159.387242
25 2020-04-09  168.798257  ...                         0.0  166.134432
26 2020-04-10  175.545447  ...                         0.0  172.881622
27 2020-04-11  182.292637  ...                         0.0  179.628812
28 2020-04-12  189.039827  ...                         0.0  186.376002
29 2020-04-13  195.787017  ...                         0.0  193.123192
30 2020-04-14  202.534208  ...                         0.0  199.870383
31 2020-04-15  209.281398  ...                         0.0  206.617573
32 2020-04-16  216.028588  ...                         0.0  213.364763
33 2020-04-17  222.775778  ...                         0.0  220.111953
34 2020-04-18  229.522968  ...                         0.0  226.859143
35 2020-04-19  236.270158  ...                         0.0  233.606333
36 2020-04-20  243.017349  ...                         0.0  240.353524
37 2020-04-21  249.764539  ...                         0.0  247.100714
38 2020-04-22  256.511729  ...                         0.0  253.847904
39 2020-04-23  263.258919  ...                         0.0  260.595094
40 2020-04-24  270.006109  ...                         0.0  267.342284
41 2020-04-25  276.753300  ...                         0.0  274.089475
42 2020-04-26  283.500490  ...                         0.0  280.836665
43 2020-04-27  290.247680  ...                         0.0  287.583855
44 2020-04-28  296.994870  ...                         0.0  294.331045
45 2020-04-29  303.742060  ...                         0.0  301.078235
46 2020-04-30  310.489250  ...                         0.0  307.825425

[47 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: New Brunswick
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-11   -0.268695  ...                         0.0   -4.871221
1  2020-03-12    1.855492  ...                         0.0    0.128484
2  2020-03-13    3.979680  ...                         0.0    4.128162
3  2020-03-14    6.103867  ...                         0.0    1.564244
4  2020-03-15    8.228055  ...                         0.0    2.063838
5  2020-03-16   10.352242  ...                         0.0    4.063350
6  2020-03-17   12.476430  ...                         0.0    5.562846
7  2020-03-18   14.600617  ...                         0.0    9.998092
8  2020-03-19   16.724805  ...                         0.0   14.997796
9  2020-03-20   18.848993  ...                         0.0   18.997475
10 2020-03-21   20.973181  ...                         0.0   16.433558
11 2020-03-22   23.097369  ...                         0.0   16.933152
12 2020-03-23   25.221557  ...                         0.0   18.932665
13 2020-03-24   27.345745  ...                         0.0   20.432162
14 2020-03-25   29.469933  ...                         0.0   24.867408
15 2020-03-26   31.594121  ...                         0.0   29.867113
16 2020-03-27   33.718309  ...                         0.0   33.866791
17 2020-03-28   35.842497  ...                         0.0   31.302874
18 2020-03-29   37.966685  ...                         0.0   31.802468
19 2020-03-30   40.090873  ...                         0.0   33.801981
20 2020-03-31   42.215061  ...                         0.0   35.301478
21 2020-04-01   44.339249  ...                         0.0   39.736724
22 2020-04-02   46.463438  ...                         0.0   44.736429
23 2020-04-03   48.587626  ...                         0.0   48.736108
24 2020-04-04   50.711814  ...                         0.0   46.172191
25 2020-04-05   52.836002  ...                         0.0   46.671785
26 2020-04-06   54.960190  ...                         0.0   48.671298
27 2020-04-07   57.084378  ...                         0.0   50.170795
28 2020-04-08   59.208566  ...                         0.0   54.606041
29 2020-04-09   61.332754  ...                         0.0   59.605746
30 2020-04-10   63.456942  ...                         0.0   63.605424
31 2020-04-11   65.581130  ...                         0.0   61.041507
32 2020-04-12   67.705318  ...                         0.0   61.541101
33 2020-04-13   69.829506  ...                         0.0   63.540614
34 2020-04-14   71.953694  ...                         0.0   65.040111
35 2020-04-15   74.077883  ...                         0.0   69.475357
36 2020-04-16   76.202071  ...                         0.0   74.475062
37 2020-04-17   78.326259  ...                         0.0   78.474741
38 2020-04-18   80.450447  ...                         0.0   75.910824
39 2020-04-19   82.574635  ...                         0.0   76.410418
40 2020-04-20   84.698823  ...                         0.0   78.409931
41 2020-04-21   86.823011  ...                         0.0   79.909428
42 2020-04-22   88.947199  ...                         0.0   84.344674
43 2020-04-23   91.071387  ...                         0.0   89.344379
44 2020-04-24   93.195575  ...                         0.0   93.344057
45 2020-04-25   95.319763  ...                         0.0   90.780140
46 2020-04-26   97.443951  ...                         0.0   91.279734
47 2020-04-27   99.568139  ...                         0.0   93.279247
48 2020-04-28  101.692327  ...                         0.0   94.778744
49 2020-04-29  103.816516  ...                         0.0   99.213990
50 2020-04-30  105.940704  ...                         0.0  104.213695

[51 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Sweden
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-01-31    -0.683912  ...                         0.0    19.985910
1  2020-02-01     0.165344  ...                         0.0    -3.839850
2  2020-02-02     1.014599  ...                         0.0    -6.058538
3  2020-02-03     1.863855  ...                         0.0   -28.348250
4  2020-02-04     2.713110  ...                         0.0   -25.512966
..        ...          ...  ...                         ...          ...
86 2020-04-26  7499.240215  ...                         0.0  7492.167077
87 2020-04-27  7655.365683  ...                         0.0  7625.153578
88 2020-04-28  7811.491152  ...                         0.0  7783.265076
89 2020-04-29  7967.616621  ...                         0.0  7943.571514
90 2020-04-30  8123.742090  ...                         0.0  8122.366167

[91 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 22.
COUNTRY: British Columbia
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-01-28   -7.173276  ...                         0.0 -117.790575
1  2020-01-29    0.121847  ...                         0.0 -107.354290
2  2020-01-30    7.416971  ...                         0.0  -89.474143
3  2020-01-31   14.712095  ...                         0.0  -81.816235
4  2020-02-01   22.007218  ...                         0.0 -112.299534
..        ...         ...  ...                         ...         ...
89 2020-04-26  643.228440  ...                         0.0  503.493170
90 2020-04-27  650.544712  ...                         0.0  514.005432
91 2020-04-28  657.860984  ...                         0.0  547.243685
92 2020-04-29  665.177256  ...                         0.0  557.701119
93 2020-04-30  672.493528  ...                         0.0  575.602414

[94 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Nigeria
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-02-28   -0.782692  ...                         0.0   -9.061236
1  2020-02-29    1.093129  ...                         0.0  -13.195644
2  2020-03-01    2.968950  ...                         0.0  -11.195641
3  2020-03-02    4.844771  ...                         0.0   -8.445669
4  2020-03-03    6.720592  ...                         0.0   -7.195636
..        ...         ...  ...                         ...         ...
58 2020-04-26  108.015187  ...                         0.0   93.850597
59 2020-04-27  109.891015  ...                         0.0   96.600575
60 2020-04-28  111.766842  ...                         0.0   97.850614
61 2020-04-29  113.642669  ...                         0.0  100.850582
62 2020-04-30  115.518496  ...                         0.0  104.350529

[63 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Ontario
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-01-26   -8.046348  ...                         0.0 -153.120103
1  2020-01-27   -0.274179  ...                         0.0 -135.394491
2  2020-01-28    7.497990  ...                         0.0 -124.671221
3  2020-01-29   15.270159  ...                         0.0 -109.060564
4  2020-01-30   23.042328  ...                         0.0  -85.675154
..        ...         ...  ...                         ...         ...
91 2020-04-26  707.201613  ...                         0.0  562.127858
92 2020-04-27  715.122647  ...                         0.0  580.002335
93 2020-04-28  723.043681  ...                         0.0  590.874470
94 2020-04-29  730.964715  ...                         0.0  606.633992
95 2020-04-30  738.885749  ...                         0.0  630.168267

[96 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Shandong
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-01-22   -1.415411  ...                         0.0  -28.615347
1  2020-01-23   22.431081  ...                         0.0   -7.882699
2  2020-01-24   46.277573  ...                         0.0   33.350996
3  2020-01-25   70.124065  ...                         0.0   53.803964
4  2020-01-26   93.970556  ...                         0.0   73.954939
..        ...         ...  ...                         ...         ...
95 2020-04-26  822.006867  ...                         0.0  801.991250
96 2020-04-27  822.851767  ...                         0.0  799.313236
97 2020-04-28  823.696668  ...                         0.0  795.426240
98 2020-04-29  824.541568  ...                         0.0  797.341632
99 2020-04-30  825.386469  ...                         0.0  795.072689

[100 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 23.
COUNTRY: Georgia
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-02-26   -14.729092  ...                         0.0  -227.664651
1  2020-02-27    11.073637  ...                         0.0  -180.007645
2  2020-02-28    36.876367  ...                         0.0  -101.599990
3  2020-02-29    62.679096  ...                         0.0  -221.632485
4  2020-03-01    88.481825  ...                         0.0  -193.943856
..        ...          ...  ...                         ...          ...
78 2020-04-26  1533.435136  ...                         0.0  1251.009455
79 2020-04-27  1559.237877  ...                         0.0  1281.364696
80 2020-04-28  1585.040617  ...                         0.0  1322.652547
81 2020-04-29  1610.843357  ...                         0.0  1397.907798
82 2020-04-30  1636.646097  ...                         0.0  1445.564815

[83 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 21.
COUNTRY: Pakistan
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-02-26   -17.642334  ...                         0.0  -271.068103
1  2020-02-27    21.529273  ...                         0.0  -212.279628
2  2020-02-28    60.700880  ...                         0.0  -166.689214
3  2020-02-29    99.872486  ...                         0.0  -218.777341
4  2020-03-01   139.044093  ...                         0.0  -201.777010
..        ...          ...  ...                         ...          ...
60 2020-04-26  2333.362034  ...                         0.0  1992.540931
61 2020-04-27  2372.550401  ...                         0.0  2038.048593
62 2020-04-28  2411.738767  ...                         0.0  2090.053443
63 2020-04-29  2450.927134  ...                         0.0  2197.501365
64 2020-04-30  2490.115501  ...                         0.0  2256.306600

[65 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 8.
COUNTRY: Western Australia
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-02-29   -2.804567  ...                         0.0  -49.835986
1  2020-03-01    4.608831  ...                         0.0  -42.335569
2  2020-03-02   12.022228  ...                         0.0  -34.335310
3  2020-03-03   19.435626  ...                         0.0  -24.335454
4  2020-03-04   26.849024  ...                         0.0  -22.584835
..        ...         ...  ...                         ...         ...
57 2020-04-26  419.777219  ...                         0.0  372.832820
58 2020-04-27  427.191040  ...                         0.0  380.833501
59 2020-04-28  434.604860  ...                         0.0  390.833780
60 2020-04-29  442.018681  ...                         0.0  392.584822
61 2020-04-30  449.432501  ...                         0.0  411.083972

[62 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 7.
COUNTRY: Somalia
           ds     trend  ...  multiplicative_terms_upper      yhat
0  2020-03-16  0.032661  ...                         0.0  0.653666
1  2020-03-17  0.141046  ...                         0.0  0.762052
2  2020-03-18  0.249432  ...                         0.0  0.870438
3  2020-03-19  0.357818  ...                         0.0  0.978823
4  2020-03-20  0.466204  ...                         0.0  1.087209
5  2020-03-21  0.574589  ...                         0.0  1.195595
6  2020-03-22  0.682975  ...                         0.0  1.303981
7  2020-03-23  0.791361  ...                         0.0  1.412366
8  2020-03-24  0.899746  ...                         0.0  1.520752
9  2020-03-25  1.008132  ...                         0.0  1.629138
10 2020-03-26  1.116518  ...                         0.0  1.737523
11 2020-03-27  1.224904  ...                         0.0  1.845909
12 2020-03-28  1.333289  ...                         0.0  1.954295
13 2020-03-29  1.441675  ...                         0.0  2.062681
14 2020-03-30  1.550061  ...                         0.0  2.171066
15 2020-03-31  1.658447  ...                         0.0  2.279452
16 2020-04-01  1.766832  ...                         0.0  2.387838
17 2020-04-02  1.875218  ...                         0.0  2.496223
18 2020-04-03  1.983604  ...                         0.0  2.604609
19 2020-04-04  2.091989  ...                         0.0  2.712995
20 2020-04-05  2.200375  ...                         0.0  2.821381
21 2020-04-06  2.308761  ...                         0.0  2.929766
22 2020-04-07  2.417147  ...                         0.0  3.038152
23 2020-04-08  2.525532  ...                         0.0  3.146538
24 2020-04-09  2.633918  ...                         0.0  3.254924
25 2020-04-10  2.742304  ...                         0.0  3.363309
26 2020-04-11  2.850689  ...                         0.0  3.471695
27 2020-04-12  2.959075  ...                         0.0  3.580081
28 2020-04-13  3.067461  ...                         0.0  3.688466
29 2020-04-14  3.175847  ...                         0.0  3.796852
30 2020-04-15  3.284232  ...                         0.0  3.905238
31 2020-04-16  3.392618  ...                         0.0  4.013624
32 2020-04-17  3.501004  ...                         0.0  4.122009
33 2020-04-18  3.609389  ...                         0.0  4.230395
34 2020-04-19  3.717775  ...                         0.0  4.338781
35 2020-04-20  3.826161  ...                         0.0  4.447166
36 2020-04-21  3.934547  ...                         0.0  4.555552
37 2020-04-22  4.042932  ...                         0.0  4.663938
38 2020-04-23  4.151318  ...                         0.0  4.772324
39 2020-04-24  4.259704  ...                         0.0  4.880709
40 2020-04-25  4.368090  ...                         0.0  4.989095
41 2020-04-26  4.476475  ...                         0.0  5.097481
42 2020-04-27  4.584861  ...                         0.0  5.205866
43 2020-04-28  4.693247  ...                         0.0  5.314252
44 2020-04-29  4.801632  ...                         0.0  5.422638
45 2020-04-30  4.910018  ...                         0.0  5.531024

[46 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 3.
COUNTRY: Barbados
           ds      trend  ...  multiplicative_terms_upper        yhat
0  2020-03-17   0.021554  ...                         0.0    0.366626
1  2020-03-18   2.293683  ...                         0.0    2.638755
2  2020-03-19   4.565813  ...                         0.0    4.910884
3  2020-03-20   6.837942  ...                         0.0    7.183014
4  2020-03-21   9.110071  ...                         0.0    9.455143
5  2020-03-22  11.382201  ...                         0.0   11.727272
6  2020-03-23  13.654330  ...                         0.0   13.999402
7  2020-03-24  15.926459  ...                         0.0   16.271531
8  2020-03-25  18.198588  ...                         0.0   18.543660
9  2020-03-26  20.470718  ...                         0.0   20.815789
10 2020-03-27  22.742847  ...                         0.0   23.087919
11 2020-03-28  25.014976  ...                         0.0   25.360048
12 2020-03-29  27.287106  ...                         0.0   27.632177
13 2020-03-30  29.559235  ...                         0.0   29.904307
14 2020-03-31  31.831364  ...                         0.0   32.176436
15 2020-04-01  34.103493  ...                         0.0   34.448565
16 2020-04-02  36.375623  ...                         0.0   36.720694
17 2020-04-03  38.647752  ...                         0.0   38.992824
18 2020-04-04  40.919881  ...                         0.0   41.264953
19 2020-04-05  43.192011  ...                         0.0   43.537082
20 2020-04-06  45.464140  ...                         0.0   45.809212
21 2020-04-07  47.736269  ...                         0.0   48.081341
22 2020-04-08  50.008398  ...                         0.0   50.353470
23 2020-04-09  52.280528  ...                         0.0   52.625599
24 2020-04-10  54.552657  ...                         0.0   54.897729
25 2020-04-11  56.824786  ...                         0.0   57.169858
26 2020-04-12  59.096916  ...                         0.0   59.441987
27 2020-04-13  61.369045  ...                         0.0   61.714117
28 2020-04-14  63.641174  ...                         0.0   63.986246
29 2020-04-15  65.913303  ...                         0.0   66.258375
30 2020-04-16  68.185433  ...                         0.0   68.530504
31 2020-04-17  70.457562  ...                         0.0   70.802634
32 2020-04-18  72.729691  ...                         0.0   73.074763
33 2020-04-19  75.001821  ...                         0.0   75.346892
34 2020-04-20  77.273950  ...                         0.0   77.619022
35 2020-04-21  79.546079  ...                         0.0   79.891151
36 2020-04-22  81.818208  ...                         0.0   82.163280
37 2020-04-23  84.090338  ...                         0.0   84.435409
38 2020-04-24  86.362467  ...                         0.0   86.707539
39 2020-04-25  88.634596  ...                         0.0   88.979668
40 2020-04-26  90.906725  ...                         0.0   91.251797
41 2020-04-27  93.178855  ...                         0.0   93.523927
42 2020-04-28  95.450984  ...                         0.0   95.796056
43 2020-04-29  97.723113  ...                         0.0   98.068185
44 2020-04-30  99.995243  ...                         0.0  100.340314

[45 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 16.
COUNTRY: Dominica
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-22  -0.010674  ...                         0.0  -0.187165
1  2020-03-23   2.330627  ...                         0.0   2.154135
2  2020-03-24   4.671927  ...                         0.0   4.495436
3  2020-03-25   7.013228  ...                         0.0   6.836736
4  2020-03-26   9.354528  ...                         0.0   9.178037
5  2020-03-27  11.695829  ...                         0.0  11.519337
6  2020-03-28  14.037130  ...                         0.0  13.860638
7  2020-03-29  16.378430  ...                         0.0  16.201939
8  2020-03-30  18.719731  ...                         0.0  18.543239
9  2020-03-31  21.061031  ...                         0.0  20.884540
10 2020-04-01  23.402332  ...                         0.0  23.225840
11 2020-04-02  25.743632  ...                         0.0  25.567141
12 2020-04-03  28.084933  ...                         0.0  27.908442
13 2020-04-04  30.426234  ...                         0.0  30.249742
14 2020-04-05  32.767534  ...                         0.0  32.591043
15 2020-04-06  35.108835  ...                         0.0  34.932343
16 2020-04-07  37.450135  ...                         0.0  37.273644
17 2020-04-08  39.791436  ...                         0.0  39.614944
18 2020-04-09  42.132737  ...                         0.0  41.956245
19 2020-04-10  44.474037  ...                         0.0  44.297546
20 2020-04-11  46.815338  ...                         0.0  46.638846
21 2020-04-12  49.156638  ...                         0.0  48.980147
22 2020-04-13  51.497939  ...                         0.0  51.321447
23 2020-04-14  53.839239  ...                         0.0  53.662748
24 2020-04-15  56.180540  ...                         0.0  56.004048
25 2020-04-16  58.521841  ...                         0.0  58.345349
26 2020-04-17  60.863141  ...                         0.0  60.686650
27 2020-04-18  63.204442  ...                         0.0  63.027950
28 2020-04-19  65.545742  ...                         0.0  65.369251
29 2020-04-20  67.887043  ...                         0.0  67.710551
30 2020-04-21  70.228343  ...                         0.0  70.051852
31 2020-04-22  72.569644  ...                         0.0  72.393152
32 2020-04-23  74.910945  ...                         0.0  74.734453
33 2020-04-24  77.252245  ...                         0.0  77.075754
34 2020-04-25  79.593546  ...                         0.0  79.417054
35 2020-04-26  81.934846  ...                         0.0  81.758355
36 2020-04-27  84.276147  ...                         0.0  84.099655
37 2020-04-28  86.617447  ...                         0.0  86.440956
38 2020-04-29  88.958748  ...                         0.0  88.782256
39 2020-04-30  91.300049  ...                         0.0  91.123557

[40 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 9.
COUNTRY: Peru
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-06    -7.399059  ...                         0.0   -89.003115
1  2020-03-07    22.452811  ...                         0.0   -89.973251
2  2020-03-08    52.304682  ...                         0.0   -71.650999
3  2020-03-09    82.156554  ...                         0.0   -46.329383
4  2020-03-10   112.008426  ...                         0.0   -27.675321
5  2020-03-11   141.860298  ...                         0.0     2.977958
6  2020-03-12   171.712170  ...                         0.0    67.296581
7  2020-03-13   201.564041  ...                         0.0   119.959986
8  2020-03-14   231.416512  ...                         0.0   118.990450
9  2020-03-15   261.275927  ...                         0.0   137.320246
10 2020-03-16   291.135402  ...                         0.0   162.649465
11 2020-03-17   320.996471  ...                         0.0   181.312724
12 2020-03-18   350.857791  ...                         0.0   211.975450
13 2020-03-19   380.719680  ...                         0.0   276.304092
14 2020-03-20   410.581608  ...                         0.0   328.977552
15 2020-03-21   440.443539  ...                         0.0   328.017477
16 2020-03-22   470.305471  ...                         0.0   346.349790
17 2020-03-23   500.167404  ...                         0.0   371.681467
18 2020-03-24   530.029336  ...                         0.0   390.345589
19 2020-03-25   559.891269  ...                         0.0   421.008929
20 2020-03-26   589.753202  ...                         0.0   485.337613
21 2020-03-27   619.615134  ...                         0.0   538.011079
22 2020-03-28   649.477067  ...                         0.0   537.051005
23 2020-03-29   679.338999  ...                         0.0   555.383318
24 2020-03-30   709.200932  ...                         0.0   580.714995
25 2020-03-31   739.062865  ...                         0.0   599.379117
26 2020-04-01   768.924797  ...                         0.0   630.042457
27 2020-04-02   798.786730  ...                         0.0   694.371141
28 2020-04-03   828.648662  ...                         0.0   747.044607
29 2020-04-04   858.510595  ...                         0.0   746.084533
30 2020-04-05   888.372528  ...                         0.0   764.416846
31 2020-04-06   918.234460  ...                         0.0   789.748523
32 2020-04-07   948.096393  ...                         0.0   808.412645
33 2020-04-08   977.958325  ...                         0.0   839.075985
34 2020-04-09  1007.820258  ...                         0.0   903.404670
35 2020-04-10  1037.682191  ...                         0.0   956.078135
36 2020-04-11  1067.544123  ...                         0.0   955.118061
37 2020-04-12  1097.406056  ...                         0.0   973.450374
38 2020-04-13  1127.267988  ...                         0.0   998.782051
39 2020-04-14  1157.129921  ...                         0.0  1017.446174
40 2020-04-15  1186.991854  ...                         0.0  1048.109513
41 2020-04-16  1216.853786  ...                         0.0  1112.438198
42 2020-04-17  1246.715719  ...                         0.0  1165.111663
43 2020-04-18  1276.577651  ...                         0.0  1164.151589
44 2020-04-19  1306.439584  ...                         0.0  1182.483902
45 2020-04-20  1336.301517  ...                         0.0  1207.815579
46 2020-04-21  1366.163449  ...                         0.0  1226.479702
47 2020-04-22  1396.025382  ...                         0.0  1257.143041
48 2020-04-23  1425.887314  ...                         0.0  1321.471726
49 2020-04-24  1455.749247  ...                         0.0  1374.145191
50 2020-04-25  1485.611180  ...                         0.0  1373.185117
51 2020-04-26  1515.473112  ...                         0.0  1391.517430
52 2020-04-27  1545.335045  ...                         0.0  1416.849108
53 2020-04-28  1575.196977  ...                         0.0  1435.513230
54 2020-04-29  1605.058910  ...                         0.0  1466.176569
55 2020-04-30  1634.920842  ...                         0.0  1530.505254

[56 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 17.
COUNTRY: Central African Republic
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-15   0.051244  ...                         0.0   0.913138
1  2020-03-16   0.270871  ...                         0.0   1.132765
2  2020-03-17   0.490499  ...                         0.0   1.352392
3  2020-03-18   0.710126  ...                         0.0   1.572019
4  2020-03-19   0.929753  ...                         0.0   1.791647
5  2020-03-20   1.149380  ...                         0.0   2.011274
6  2020-03-21   1.369007  ...                         0.0   2.230901
7  2020-03-22   1.588635  ...                         0.0   2.450528
8  2020-03-23   1.808262  ...                         0.0   2.670155
9  2020-03-24   2.027889  ...                         0.0   2.889783
10 2020-03-25   2.247516  ...                         0.0   3.109410
11 2020-03-26   2.467143  ...                         0.0   3.329037
12 2020-03-27   2.686771  ...                         0.0   3.548664
13 2020-03-28   2.906398  ...                         0.0   3.768291
14 2020-03-29   3.126025  ...                         0.0   3.987919
15 2020-03-30   3.345652  ...                         0.0   4.207546
16 2020-03-31   3.565279  ...                         0.0   4.427173
17 2020-04-01   3.784907  ...                         0.0   4.646800
18 2020-04-02   4.004534  ...                         0.0   4.866427
19 2020-04-03   4.224161  ...                         0.0   5.086054
20 2020-04-04   4.443788  ...                         0.0   5.305682
21 2020-04-05   4.663415  ...                         0.0   5.525309
22 2020-04-06   4.883043  ...                         0.0   5.744936
23 2020-04-07   5.102670  ...                         0.0   5.964563
24 2020-04-08   5.322297  ...                         0.0   6.184190
25 2020-04-09   5.541924  ...                         0.0   6.403818
26 2020-04-10   5.761551  ...                         0.0   6.623445
27 2020-04-11   5.981178  ...                         0.0   6.843072
28 2020-04-12   6.200806  ...                         0.0   7.062699
29 2020-04-13   6.420433  ...                         0.0   7.282326
30 2020-04-14   6.640060  ...                         0.0   7.501954
31 2020-04-15   6.859687  ...                         0.0   7.721581
32 2020-04-16   7.079314  ...                         0.0   7.941208
33 2020-04-17   7.298942  ...                         0.0   8.160835
34 2020-04-18   7.518569  ...                         0.0   8.380462
35 2020-04-19   7.738196  ...                         0.0   8.600090
36 2020-04-20   7.957823  ...                         0.0   8.819717
37 2020-04-21   8.177450  ...                         0.0   9.039344
38 2020-04-22   8.397078  ...                         0.0   9.258971
39 2020-04-23   8.616705  ...                         0.0   9.478598
40 2020-04-24   8.836332  ...                         0.0   9.698226
41 2020-04-25   9.055959  ...                         0.0   9.917853
42 2020-04-26   9.275586  ...                         0.0  10.137480
43 2020-04-27   9.495214  ...                         0.0  10.357107
44 2020-04-28   9.714841  ...                         0.0  10.576734
45 2020-04-29   9.934468  ...                         0.0  10.796361
46 2020-04-30  10.154095  ...                         0.0  11.015989

[47 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 11.
COUNTRY: South Africa
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-05   -12.679887  ...                         0.0  -134.683866
1  2020-03-06    26.226059  ...                         0.0   -59.183920
2  2020-03-07    65.132004  ...                         0.0  -179.262344
3  2020-03-08   104.037950  ...                         0.0  -162.927382
4  2020-03-09   142.943895  ...                         0.0  -116.592498
5  2020-03-10   181.849841  ...                         0.0   -64.590961
6  2020-03-11   220.755786  ...                         0.0     7.077183
7  2020-03-12   259.661732  ...                         0.0   137.657752
8  2020-03-13   298.567850  ...                         0.0   213.157871
9  2020-03-14   337.473969  ...                         0.0    93.079621
10 2020-03-15   376.380087  ...                         0.0   109.414756
11 2020-03-16   415.286206  ...                         0.0   155.749813
12 2020-03-17   454.192324  ...                         0.0   207.751523
13 2020-03-18   493.098468  ...                         0.0   279.419865
14 2020-03-19   532.004612  ...                         0.0   410.000632
15 2020-03-20   570.910756  ...                         0.0   485.500777
16 2020-03-21   609.816900  ...                         0.0   365.422552
17 2020-03-22   648.723044  ...                         0.0   381.757713
18 2020-03-23   687.629188  ...                         0.0   428.092796
19 2020-03-24   726.535332  ...                         0.0   480.094531
20 2020-03-25   765.441476  ...                         0.0   551.762873
21 2020-03-26   804.347620  ...                         0.0   682.343641
22 2020-03-27   843.253765  ...                         0.0   757.843785
23 2020-03-28   882.159909  ...                         0.0   637.765561
24 2020-03-29   921.066053  ...                         0.0   654.100721
25 2020-03-30   959.972197  ...                         0.0   700.435804
26 2020-03-31   998.878341  ...                         0.0   752.437539
27 2020-04-01  1037.784485  ...                         0.0   824.105882
28 2020-04-02  1076.690629  ...                         0.0   954.686649
29 2020-04-03  1115.596773  ...                         0.0  1030.186794
30 2020-04-04  1154.502917  ...                         0.0   910.108569
31 2020-04-05  1193.409061  ...                         0.0   926.443730
32 2020-04-06  1232.315205  ...                         0.0   972.778812
33 2020-04-07  1271.221349  ...                         0.0  1024.780547
34 2020-04-08  1310.127493  ...                         0.0  1096.448890
35 2020-04-09  1349.033637  ...                         0.0  1227.029657
36 2020-04-10  1387.939781  ...                         0.0  1302.529802
37 2020-04-11  1426.845925  ...                         0.0  1182.451577
38 2020-04-12  1465.752069  ...                         0.0  1198.786738
39 2020-04-13  1504.658213  ...                         0.0  1245.121821
40 2020-04-14  1543.564357  ...                         0.0  1297.123556
41 2020-04-15  1582.470501  ...                         0.0  1368.791898
42 2020-04-16  1621.376645  ...                         0.0  1499.372666
43 2020-04-17  1660.282789  ...                         0.0  1574.872810
44 2020-04-18  1699.188933  ...                         0.0  1454.794586
45 2020-04-19  1738.095077  ...                         0.0  1471.129746
46 2020-04-20  1777.001221  ...                         0.0  1517.464829
47 2020-04-21  1815.907366  ...                         0.0  1569.466564
48 2020-04-22  1854.813510  ...                         0.0  1641.134907
49 2020-04-23  1893.719654  ...                         0.0  1771.715674
50 2020-04-24  1932.625798  ...                         0.0  1847.215818
51 2020-04-25  1971.531942  ...                         0.0  1727.137594
52 2020-04-26  2010.438086  ...                         0.0  1743.472754
53 2020-04-27  2049.344230  ...                         0.0  1789.807837
54 2020-04-28  2088.250374  ...                         0.0  1841.809572
55 2020-04-29  2127.156518  ...                         0.0  1913.477915
56 2020-04-30  2166.062662  ...                         0.0  2044.058682

[57 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Maine
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-13    0.006639  ...                         0.0   -0.410223
1  2020-03-14    6.737181  ...                         0.0    2.944015
2  2020-03-15   13.467723  ...                         0.0   12.455083
3  2020-03-16   20.199941  ...                         0.0   19.466990
4  2020-03-17   29.685048  ...                         0.0   29.355354
5  2020-03-18   39.170156  ...                         0.0   43.243684
6  2020-03-19   48.656710  ...                         0.0   51.632739
7  2020-03-20   58.144258  ...                         0.0   57.727395
8  2020-03-21   73.849138  ...                         0.0   70.055972
9  2020-03-22   89.557557  ...                         0.0   88.544917
10 2020-03-23  105.265977  ...                         0.0  104.533026
11 2020-03-24  120.974396  ...                         0.0  120.644702
12 2020-03-25  136.682815  ...                         0.0  140.756343
13 2020-03-26  152.391235  ...                         0.0  155.367263
14 2020-03-27  168.099654  ...                         0.0  167.682792
15 2020-03-28  183.808073  ...                         0.0  180.014907
16 2020-03-29  199.516493  ...                         0.0  198.503853
17 2020-03-30  215.224912  ...                         0.0  214.491962
18 2020-03-31  230.933332  ...                         0.0  230.603637
19 2020-04-01  246.641751  ...                         0.0  250.715279
20 2020-04-02  262.350170  ...                         0.0  265.326198
21 2020-04-03  278.058590  ...                         0.0  277.641727
22 2020-04-04  293.767009  ...                         0.0  289.973843
23 2020-04-05  309.475428  ...                         0.0  308.462788
24 2020-04-06  325.183848  ...                         0.0  324.450897
25 2020-04-07  340.892267  ...                         0.0  340.562573
26 2020-04-08  356.600686  ...                         0.0  360.674214
27 2020-04-09  372.309106  ...                         0.0  375.285134
28 2020-04-10  388.017525  ...                         0.0  387.600663
29 2020-04-11  403.725944  ...                         0.0  399.932778
30 2020-04-12  419.434364  ...                         0.0  418.421724
31 2020-04-13  435.142783  ...                         0.0  434.409833
32 2020-04-14  450.851203  ...                         0.0  450.521509
33 2020-04-15  466.559622  ...                         0.0  470.633150
34 2020-04-16  482.268041  ...                         0.0  485.244069
35 2020-04-17  497.976461  ...                         0.0  497.559598
36 2020-04-18  513.684880  ...                         0.0  509.891714
37 2020-04-19  529.393299  ...                         0.0  528.380659
38 2020-04-20  545.101719  ...                         0.0  544.368768
39 2020-04-21  560.810138  ...                         0.0  560.480444
40 2020-04-22  576.518557  ...                         0.0  580.592085
41 2020-04-23  592.226977  ...                         0.0  595.203005
42 2020-04-24  607.935396  ...                         0.0  607.518534
43 2020-04-25  623.643816  ...                         0.0  619.850649
44 2020-04-26  639.352235  ...                         0.0  638.339595
45 2020-04-27  655.060654  ...                         0.0  654.327704
46 2020-04-28  670.769074  ...                         0.0  670.439380
47 2020-04-29  686.477493  ...                         0.0  690.551021
48 2020-04-30  702.185912  ...                         0.0  705.161941

[49 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 11.
COUNTRY: Afghanistan
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-02-24   -1.115596  ...                         0.0  -20.048370
1  2020-02-25    1.273283  ...                         0.0  -12.848727
2  2020-02-26    3.662162  ...                         0.0  -10.449147
3  2020-02-27    6.051041  ...                         0.0   -8.450523
4  2020-02-28    8.439920  ...                         0.0   -4.852451
..        ...         ...  ...                         ...         ...
62 2020-04-26  147.064373  ...                         0.0  124.010585
63 2020-04-27  149.454796  ...                         0.0  130.522022
64 2020-04-28  151.845219  ...                         0.0  137.723210
65 2020-04-29  154.235643  ...                         0.0  140.124334
66 2020-04-30  156.626066  ...                         0.0  142.124503

[67 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Saskatchewan
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-13   -0.985422  ...                         0.0  -13.682407
1  2020-03-14    6.540518  ...                         0.0  -12.341706
2  2020-03-15   14.066458  ...                         0.0    0.658684
3  2020-03-16   21.592398  ...                         0.0   10.158769
4  2020-03-17   29.118338  ...                         0.0   13.158288
5  2020-03-18   36.644278  ...                         0.0   13.657589
6  2020-03-19   44.170218  ...                         0.0   29.158196
7  2020-03-20   51.696186  ...                         0.0   38.999200
8  2020-03-21   59.222273  ...                         0.0   40.340050
9  2020-03-22   66.748517  ...                         0.0   53.340742
10 2020-03-23   74.274760  ...                         0.0   62.841130
11 2020-03-24   81.801003  ...                         0.0   65.840953
12 2020-03-25   89.327246  ...                         0.0   66.340557
13 2020-03-26   96.853489  ...                         0.0   81.841467
14 2020-03-27  104.379732  ...                         0.0   91.682746
15 2020-03-28  111.905975  ...                         0.0   93.023751
16 2020-03-29  119.432218  ...                         0.0  106.024444
17 2020-03-30  126.958461  ...                         0.0  115.524832
18 2020-03-31  134.484704  ...                         0.0  118.524654
19 2020-04-01  142.010947  ...                         0.0  119.024258
20 2020-04-02  149.537190  ...                         0.0  134.525169
21 2020-04-03  157.063433  ...                         0.0  144.366448
22 2020-04-04  164.589676  ...                         0.0  145.707452
23 2020-04-05  172.115919  ...                         0.0  158.708145
24 2020-04-06  179.642162  ...                         0.0  168.208533
25 2020-04-07  187.168405  ...                         0.0  171.208355
26 2020-04-08  194.694648  ...                         0.0  171.707960
27 2020-04-09  202.220891  ...                         0.0  187.208870
28 2020-04-10  209.747135  ...                         0.0  197.050149
29 2020-04-11  217.273378  ...                         0.0  198.391154
30 2020-04-12  224.799621  ...                         0.0  211.391847
31 2020-04-13  232.325864  ...                         0.0  220.892235
32 2020-04-14  239.852107  ...                         0.0  223.892057
33 2020-04-15  247.378350  ...                         0.0  224.391661
34 2020-04-16  254.904593  ...                         0.0  239.892571
35 2020-04-17  262.430836  ...                         0.0  249.733850
36 2020-04-18  269.957079  ...                         0.0  251.074855
37 2020-04-19  277.483322  ...                         0.0  264.075548
38 2020-04-20  285.009565  ...                         0.0  273.575936
39 2020-04-21  292.535808  ...                         0.0  276.575758
40 2020-04-22  300.062051  ...                         0.0  277.075362
41 2020-04-23  307.588294  ...                         0.0  292.576273
42 2020-04-24  315.114537  ...                         0.0  302.417552
43 2020-04-25  322.640780  ...                         0.0  303.758557
44 2020-04-26  330.167023  ...                         0.0  316.759249
45 2020-04-27  337.693266  ...                         0.0  326.259637
46 2020-04-28  345.219509  ...                         0.0  329.259459
47 2020-04-29  352.745753  ...                         0.0  329.759064
48 2020-04-30  360.271996  ...                         0.0  345.259974

[49 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 16.
COUNTRY: Belgium
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-02-04   -71.441378  ...                         0.0 -1138.909919
1  2020-02-05     4.444306  ...                         0.0 -1018.260045
2  2020-02-06    80.329989  ...                         0.0  -814.361248
3  2020-02-07   156.215673  ...                         0.0  -587.860020
4  2020-02-08   232.101357  ...                         0.0 -1072.052858
..        ...          ...  ...                         ...          ...
82 2020-04-26  6191.843868  ...                         0.0  4927.885649
83 2020-04-27  6268.522598  ...                         0.0  5008.168838
84 2020-04-28  6345.201328  ...                         0.0  5277.732787
85 2020-04-29  6421.880059  ...                         0.0  5399.175708
86 2020-04-30  6498.558789  ...                         0.0  5603.867551

[87 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 11.
COUNTRY: Costa Rica
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-06   -2.680106  ...                         0.0  -28.135006
1  2020-03-07    8.951205  ...                         0.0  -33.411498
2  2020-03-08   20.582516  ...                         0.0  -26.081733
3  2020-03-09   32.213827  ...                         0.0  -14.085226
4  2020-03-10   43.845138  ...                         0.0   -5.755546
5  2020-03-11   55.476449  ...                         0.0    6.574213
6  2020-03-12   67.107760  ...                         0.0   25.903910
7  2020-03-13   78.739071  ...                         0.0   53.284172
8  2020-03-14   90.370465  ...                         0.0   48.007762
9  2020-03-15  102.001860  ...                         0.0   55.337611
10 2020-03-16  113.633313  ...                         0.0   67.334260
11 2020-03-17  125.265084  ...                         0.0   75.664401
12 2020-03-18  136.896861  ...                         0.0   87.994626
13 2020-03-19  148.529223  ...                         0.0  107.325373
14 2020-03-20  160.161625  ...                         0.0  134.706725
15 2020-03-21  171.795063  ...                         0.0  129.432360
16 2020-03-22  183.428748  ...                         0.0  136.764499
17 2020-03-23  195.062433  ...                         0.0  148.763380
18 2020-03-24  206.696118  ...                         0.0  157.095434
19 2020-03-25  218.329803  ...                         0.0  169.427567
20 2020-03-26  229.963488  ...                         0.0  188.759638
21 2020-03-27  241.597173  ...                         0.0  216.142273
22 2020-03-28  253.230858  ...                         0.0  210.868155
23 2020-03-29  264.864542  ...                         0.0  218.200294
24 2020-03-30  276.498227  ...                         0.0  230.199175
25 2020-03-31  288.131912  ...                         0.0  238.531229
26 2020-04-01  299.765597  ...                         0.0  250.863362
27 2020-04-02  311.399282  ...                         0.0  270.195432
28 2020-04-03  323.032967  ...                         0.0  297.578067
29 2020-04-04  334.666652  ...                         0.0  292.303949
30 2020-04-05  346.300337  ...                         0.0  299.636088
31 2020-04-06  357.934022  ...                         0.0  311.634970
32 2020-04-07  369.567707  ...                         0.0  319.967023
33 2020-04-08  381.201392  ...                         0.0  332.299156
34 2020-04-09  392.835077  ...                         0.0  351.631227
35 2020-04-10  404.468762  ...                         0.0  379.013862
36 2020-04-11  416.102447  ...                         0.0  373.739744
37 2020-04-12  427.736132  ...                         0.0  381.071883
38 2020-04-13  439.369817  ...                         0.0  393.070764
39 2020-04-14  451.003502  ...                         0.0  401.402818
40 2020-04-15  462.637186  ...                         0.0  413.734951
41 2020-04-16  474.270871  ...                         0.0  433.067022
42 2020-04-17  485.904556  ...                         0.0  460.449657
43 2020-04-18  497.538241  ...                         0.0  455.175538
44 2020-04-19  509.171926  ...                         0.0  462.507677
45 2020-04-20  520.805611  ...                         0.0  474.506559
46 2020-04-21  532.439296  ...                         0.0  482.838613
47 2020-04-22  544.072981  ...                         0.0  495.170745
48 2020-04-23  555.706666  ...                         0.0  514.502816
49 2020-04-24  567.340351  ...                         0.0  541.885451
50 2020-04-25  578.974036  ...                         0.0  536.611333
51 2020-04-26  590.607721  ...                         0.0  543.943472
52 2020-04-27  602.241406  ...                         0.0  555.942353
53 2020-04-28  613.875091  ...                         0.0  564.274407
54 2020-04-29  625.508776  ...                         0.0  576.606540
55 2020-04-30  637.142461  ...                         0.0  595.938611

[56 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 23.
COUNTRY: Aruba
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-13  -0.218876  ...                         0.0   0.828636
1  2020-03-14   1.568425  ...                         0.0  -2.755374
2  2020-03-15   3.355726  ...                         0.0  -0.753968
3  2020-03-16   5.143027  ...                         0.0  -0.752023
4  2020-03-17   6.930329  ...                         0.0   1.249872
5  2020-03-18   8.717630  ...                         0.0   4.252549
6  2020-03-19  10.504931  ...                         0.0   9.755145
7  2020-03-20  12.292232  ...                         0.0  13.339744
8  2020-03-21  14.079536  ...                         0.0   9.755737
9  2020-03-22  15.866840  ...                         0.0  11.757146
10 2020-03-23  17.654144  ...                         0.0  11.759094
11 2020-03-24  19.441448  ...                         0.0  13.760991
12 2020-03-25  21.228752  ...                         0.0  16.763671
13 2020-03-26  23.016056  ...                         0.0  22.266270
14 2020-03-27  24.803359  ...                         0.0  25.850872
15 2020-03-28  26.590663  ...                         0.0  22.266864
16 2020-03-29  28.377967  ...                         0.0  24.268273
17 2020-03-30  30.165271  ...                         0.0  24.270221
18 2020-03-31  31.952575  ...                         0.0  26.272118
19 2020-04-01  33.739879  ...                         0.0  29.274798
20 2020-04-02  35.527183  ...                         0.0  34.777397
21 2020-04-03  37.314487  ...                         0.0  38.361999
22 2020-04-04  39.101791  ...                         0.0  34.777992
23 2020-04-05  40.889094  ...                         0.0  36.779400
24 2020-04-06  42.676398  ...                         0.0  36.781348
25 2020-04-07  44.463702  ...                         0.0  38.783245
26 2020-04-08  46.251006  ...                         0.0  41.785926
27 2020-04-09  48.038310  ...                         0.0  47.288524
28 2020-04-10  49.825614  ...                         0.0  50.873126
29 2020-04-11  51.612918  ...                         0.0  47.289119
30 2020-04-12  53.400222  ...                         0.0  49.290528
31 2020-04-13  55.187526  ...                         0.0  49.292475
32 2020-04-14  56.974829  ...                         0.0  51.294373
33 2020-04-15  58.762133  ...                         0.0  54.297053
34 2020-04-16  60.549437  ...                         0.0  59.799651
35 2020-04-17  62.336741  ...                         0.0  63.384253
36 2020-04-18  64.124045  ...                         0.0  59.800246
37 2020-04-19  65.911349  ...                         0.0  61.801655
38 2020-04-20  67.698653  ...                         0.0  61.803602
39 2020-04-21  69.485957  ...                         0.0  63.805500
40 2020-04-22  71.273261  ...                         0.0  66.808180
41 2020-04-23  73.060564  ...                         0.0  72.310779
42 2020-04-24  74.847868  ...                         0.0  75.895380
43 2020-04-25  76.635172  ...                         0.0  72.311373
44 2020-04-26  78.422476  ...                         0.0  74.312782
45 2020-04-27  80.209780  ...                         0.0  74.314730
46 2020-04-28  81.997084  ...                         0.0  76.316627
47 2020-04-29  83.784388  ...                         0.0  79.319307
48 2020-04-30  85.571692  ...                         0.0  84.821906

[49 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 3.
COUNTRY: San Marino
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-02-27   -0.330379  ...                         0.0   -7.190652
1  2020-02-28    3.320087  ...                         0.0   -1.085399
2  2020-02-29    6.970552  ...                         0.0   -3.881259
3  2020-03-01   10.621018  ...                         0.0    8.960045
4  2020-03-02   14.271484  ...                         0.0   11.201616
..        ...         ...  ...                         ...         ...
59 2020-04-26  566.224779  ...                         0.0  564.563805
60 2020-04-27  577.503966  ...                         0.0  574.434098
61 2020-04-28  588.783153  ...                         0.0  581.802858
62 2020-04-29  600.062341  ...                         0.0  596.920285
63 2020-04-30  611.341528  ...                         0.0  604.481256

[64 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 10.
COUNTRY: Syria
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-22   0.025501  ...                         0.0   0.432736
1  2020-03-23   1.052404  ...                         0.0   1.459640
2  2020-03-24   2.079308  ...                         0.0   2.486543
3  2020-03-25   3.106211  ...                         0.0   3.513446
4  2020-03-26   4.133114  ...                         0.0   4.540349
5  2020-03-27   5.160017  ...                         0.0   5.567253
6  2020-03-28   6.186921  ...                         0.0   6.594156
7  2020-03-29   7.213824  ...                         0.0   7.621059
8  2020-03-30   8.240727  ...                         0.0   8.647962
9  2020-03-31   9.267630  ...                         0.0   9.674865
10 2020-04-01  10.294534  ...                         0.0  10.701769
11 2020-04-02  11.321437  ...                         0.0  11.728672
12 2020-04-03  12.348340  ...                         0.0  12.755575
13 2020-04-04  13.375243  ...                         0.0  13.782478
14 2020-04-05  14.402146  ...                         0.0  14.809382
15 2020-04-06  15.429050  ...                         0.0  15.836285
16 2020-04-07  16.455953  ...                         0.0  16.863188
17 2020-04-08  17.482856  ...                         0.0  17.890091
18 2020-04-09  18.509759  ...                         0.0  18.916994
19 2020-04-10  19.536663  ...                         0.0  19.943898
20 2020-04-11  20.563566  ...                         0.0  20.970801
21 2020-04-12  21.590469  ...                         0.0  21.997704
22 2020-04-13  22.617372  ...                         0.0  23.024607
23 2020-04-14  23.644276  ...                         0.0  24.051511
24 2020-04-15  24.671179  ...                         0.0  25.078414
25 2020-04-16  25.698082  ...                         0.0  26.105317
26 2020-04-17  26.724985  ...                         0.0  27.132220
27 2020-04-18  27.751888  ...                         0.0  28.159124
28 2020-04-19  28.778792  ...                         0.0  29.186027
29 2020-04-20  29.805695  ...                         0.0  30.212930
30 2020-04-21  30.832598  ...                         0.0  31.239833
31 2020-04-22  31.859501  ...                         0.0  32.266736
32 2020-04-23  32.886405  ...                         0.0  33.293640
33 2020-04-24  33.913308  ...                         0.0  34.320543
34 2020-04-25  34.940211  ...                         0.0  35.347446
35 2020-04-26  35.967114  ...                         0.0  36.374349
36 2020-04-27  36.994018  ...                         0.0  37.401253
37 2020-04-28  38.020921  ...                         0.0  38.428156
38 2020-04-29  39.047824  ...                         0.0  39.455059
39 2020-04-30  40.074727  ...                         0.0  40.481962

[40 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Puerto Rico
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-14   -0.614703  ...                         0.0  -10.421990
1  2020-03-15    4.836603  ...                         0.0   -4.970684
2  2020-03-16   10.287908  ...                         0.0    0.480621
3  2020-03-17   15.739214  ...                         0.0    5.931927
4  2020-03-18   21.190520  ...                         0.0   11.383233
5  2020-03-19   26.641826  ...                         0.0   16.834539
6  2020-03-20   32.093131  ...                         0.0   22.285844
7  2020-03-21   37.544437  ...                         0.0   27.737150
8  2020-03-22   42.995743  ...                         0.0   33.188456
9  2020-03-23   48.447049  ...                         0.0   38.639762
10 2020-03-24   53.898354  ...                         0.0   44.091067
11 2020-03-25   59.349660  ...                         0.0   49.542373
12 2020-03-26   64.800966  ...                         0.0   54.993679
13 2020-03-27   70.252272  ...                         0.0   60.444985
14 2020-03-28   75.703578  ...                         0.0   65.896290
15 2020-03-29   81.154883  ...                         0.0   71.347596
16 2020-03-30   86.606189  ...                         0.0   76.798902
17 2020-03-31   92.057495  ...                         0.0   82.250208
18 2020-04-01   97.508801  ...                         0.0   87.701513
19 2020-04-02  102.960106  ...                         0.0   93.152819
20 2020-04-03  108.411412  ...                         0.0   98.604125
21 2020-04-04  113.862718  ...                         0.0  104.055431
22 2020-04-05  119.314024  ...                         0.0  109.506736
23 2020-04-06  124.765329  ...                         0.0  114.958042
24 2020-04-07  130.216635  ...                         0.0  120.409348
25 2020-04-08  135.667941  ...                         0.0  125.860654
26 2020-04-09  141.119247  ...                         0.0  131.311959
27 2020-04-10  146.570552  ...                         0.0  136.763265
28 2020-04-11  152.021858  ...                         0.0  142.214571
29 2020-04-12  157.473164  ...                         0.0  147.665877
30 2020-04-13  162.924470  ...                         0.0  153.117183
31 2020-04-14  168.375775  ...                         0.0  158.568488
32 2020-04-15  173.827081  ...                         0.0  164.019794
33 2020-04-16  179.278387  ...                         0.0  169.471100
34 2020-04-17  184.729693  ...                         0.0  174.922406
35 2020-04-18  190.180998  ...                         0.0  180.373711
36 2020-04-19  195.632304  ...                         0.0  185.825017
37 2020-04-20  201.083610  ...                         0.0  191.276323
38 2020-04-21  206.534916  ...                         0.0  196.727629
39 2020-04-22  211.986221  ...                         0.0  202.178934
40 2020-04-23  217.437527  ...                         0.0  207.630240
41 2020-04-24  222.888833  ...                         0.0  213.081546
42 2020-04-25  228.340139  ...                         0.0  218.532852
43 2020-04-26  233.791445  ...                         0.0  223.984157
44 2020-04-27  239.242750  ...                         0.0  229.435463
45 2020-04-28  244.694056  ...                         0.0  234.886769
46 2020-04-29  250.145362  ...                         0.0  240.338075
47 2020-04-30  255.596668  ...                         0.0  245.789380

[48 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 5.
COUNTRY: Virginia
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-10    -5.278331  ...                         0.0   -82.478845
1  2020-03-11    23.974391  ...                         0.0   -44.151302
2  2020-03-12    53.227114  ...                         0.0   -10.824355
3  2020-03-13    82.479837  ...                         0.0    48.171374
4  2020-03-14   111.732560  ...                         0.0    -3.921009
5  2020-03-15   140.985282  ...                         0.0    30.071212
6  2020-03-16   170.238005  ...                         0.0    49.061651
7  2020-03-17   199.490728  ...                         0.0   122.290214
8  2020-03-18   228.743450  ...                         0.0   160.617757
9  2020-03-19   257.996251  ...                         0.0   193.944782
10 2020-03-20   287.250058  ...                         0.0   252.941595
11 2020-03-21   316.503865  ...                         0.0   200.850297
12 2020-03-22   345.757672  ...                         0.0   234.843602
13 2020-03-23   375.011479  ...                         0.0   253.835125
14 2020-03-24   404.265286  ...                         0.0   327.064773
15 2020-03-25   433.519094  ...                         0.0   365.393400
16 2020-03-26   462.772901  ...                         0.0   398.721432
17 2020-03-27   492.026708  ...                         0.0   457.718245
18 2020-03-28   521.280515  ...                         0.0   405.626946
19 2020-03-29   550.534322  ...                         0.0   439.620251
20 2020-03-30   579.788129  ...                         0.0   458.611775
21 2020-03-31   609.041936  ...                         0.0   531.841422
22 2020-04-01   638.295743  ...                         0.0   570.170050
23 2020-04-02   667.549550  ...                         0.0   603.498082
24 2020-04-03   696.803357  ...                         0.0   662.494894
25 2020-04-04   726.057164  ...                         0.0   610.403596
26 2020-04-05   755.310972  ...                         0.0   644.396901
27 2020-04-06   784.564779  ...                         0.0   663.388425
28 2020-04-07   813.818586  ...                         0.0   736.618072
29 2020-04-08   843.072393  ...                         0.0   774.946700
30 2020-04-09   872.326200  ...                         0.0   808.274731
31 2020-04-10   901.580007  ...                         0.0   867.271544
32 2020-04-11   930.833814  ...                         0.0   815.180245
33 2020-04-12   960.087621  ...                         0.0   849.173550
34 2020-04-13   989.341428  ...                         0.0   868.165074
35 2020-04-14  1018.595235  ...                         0.0   941.394722
36 2020-04-15  1047.849042  ...                         0.0   979.723349
37 2020-04-16  1077.102850  ...                         0.0  1013.051381
38 2020-04-17  1106.356657  ...                         0.0  1072.048194
39 2020-04-18  1135.610464  ...                         0.0  1019.956895
40 2020-04-19  1164.864271  ...                         0.0  1053.950200
41 2020-04-20  1194.118078  ...                         0.0  1072.941724
42 2020-04-21  1223.371885  ...                         0.0  1146.171371
43 2020-04-22  1252.625692  ...                         0.0  1184.499999
44 2020-04-23  1281.879499  ...                         0.0  1217.828030
45 2020-04-24  1311.133306  ...                         0.0  1276.824843
46 2020-04-25  1340.387113  ...                         0.0  1224.733545
47 2020-04-26  1369.640920  ...                         0.0  1258.726850
48 2020-04-27  1398.894727  ...                         0.0  1277.718374
49 2020-04-28  1428.148535  ...                         0.0  1350.948021
50 2020-04-29  1457.402342  ...                         0.0  1389.276648
51 2020-04-30  1486.656149  ...                         0.0  1422.604680

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 14.
COUNTRY: Cabo Verde
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-20   0.102622  ...                         0.0   1.750664
1  2020-03-21   0.531067  ...                         0.0   2.179110
2  2020-03-22   0.959513  ...                         0.0   2.607555
3  2020-03-23   1.387958  ...                         0.0   3.036001
4  2020-03-24   1.816404  ...                         0.0   3.464446
5  2020-03-25   2.244849  ...                         0.0   3.892892
6  2020-03-26   2.673295  ...                         0.0   4.321337
7  2020-03-27   3.101740  ...                         0.0   4.749782
8  2020-03-28   3.530186  ...                         0.0   5.178228
9  2020-03-29   3.958631  ...                         0.0   5.606673
10 2020-03-30   4.387077  ...                         0.0   6.035119
11 2020-03-31   4.815522  ...                         0.0   6.463564
12 2020-04-01   5.243968  ...                         0.0   6.892010
13 2020-04-02   5.672413  ...                         0.0   7.320455
14 2020-04-03   6.100859  ...                         0.0   7.748901
15 2020-04-04   6.529304  ...                         0.0   8.177346
16 2020-04-05   6.957749  ...                         0.0   8.605792
17 2020-04-06   7.386195  ...                         0.0   9.034237
18 2020-04-07   7.814640  ...                         0.0   9.462683
19 2020-04-08   8.243086  ...                         0.0   9.891128
20 2020-04-09   8.671531  ...                         0.0  10.319574
21 2020-04-10   9.099977  ...                         0.0  10.748019
22 2020-04-11   9.528422  ...                         0.0  11.176464
23 2020-04-12   9.956868  ...                         0.0  11.604910
24 2020-04-13  10.385313  ...                         0.0  12.033355
25 2020-04-14  10.813759  ...                         0.0  12.461801
26 2020-04-15  11.242204  ...                         0.0  12.890246
27 2020-04-16  11.670650  ...                         0.0  13.318692
28 2020-04-17  12.099095  ...                         0.0  13.747137
29 2020-04-18  12.527541  ...                         0.0  14.175583
30 2020-04-19  12.955986  ...                         0.0  14.604028
31 2020-04-20  13.384432  ...                         0.0  15.032474
32 2020-04-21  13.812877  ...                         0.0  15.460919
33 2020-04-22  14.241322  ...                         0.0  15.889365
34 2020-04-23  14.669768  ...                         0.0  16.317810
35 2020-04-24  15.098213  ...                         0.0  16.746256
36 2020-04-25  15.526659  ...                         0.0  17.174701
37 2020-04-26  15.955104  ...                         0.0  17.603146
38 2020-04-27  16.383550  ...                         0.0  18.031592
39 2020-04-28  16.811995  ...                         0.0  18.460037
40 2020-04-29  17.240441  ...                         0.0  18.888483
41 2020-04-30  17.668886  ...                         0.0  19.316928

[42 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 11.
COUNTRY: Cyprus
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-09   -0.270644  ...                         0.0   -0.436672
1  2020-03-10    5.087614  ...                         0.0    2.980854
2  2020-03-11   10.445872  ...                         0.0    3.730669
3  2020-03-12   15.804130  ...                         0.0   10.480476
4  2020-03-13   21.162389  ...                         0.0   14.563573
5  2020-03-14   26.521130  ...                         0.0   23.550031
6  2020-03-15   31.879871  ...                         0.0   25.453268
7  2020-03-16   37.238615  ...                         0.0   37.072587
8  2020-03-17   47.144861  ...                         0.0   45.038102
9  2020-03-18   57.054218  ...                         0.0   50.339014
10 2020-03-19   66.963592  ...                         0.0   61.639937
11 2020-03-20   76.873102  ...                         0.0   70.274286
12 2020-03-21   89.421093  ...                         0.0   86.449994
13 2020-03-22  101.973361  ...                         0.0   95.546759
14 2020-03-23  114.530115  ...                         0.0  114.364087
15 2020-03-24  127.087820  ...                         0.0  124.981060
16 2020-03-25  139.645524  ...                         0.0  132.930321
17 2020-03-26  152.203229  ...                         0.0  146.879575
18 2020-03-27  164.760934  ...                         0.0  158.162118
19 2020-03-28  177.318639  ...                         0.0  174.347540
20 2020-03-29  189.876343  ...                         0.0  183.449741
21 2020-03-30  202.434048  ...                         0.0  202.268020
22 2020-03-31  214.991753  ...                         0.0  212.884993
23 2020-04-01  227.549458  ...                         0.0  220.834254
24 2020-04-02  240.107162  ...                         0.0  234.783508
25 2020-04-03  252.664867  ...                         0.0  246.066051
26 2020-04-04  265.222572  ...                         0.0  262.251473
27 2020-04-05  277.780277  ...                         0.0  271.353674
28 2020-04-06  290.337981  ...                         0.0  290.171953
29 2020-04-07  302.895686  ...                         0.0  300.788926
30 2020-04-08  315.453391  ...                         0.0  308.738187
31 2020-04-09  328.011095  ...                         0.0  322.687441
32 2020-04-10  340.568800  ...                         0.0  333.969984
33 2020-04-11  353.126505  ...                         0.0  350.155406
34 2020-04-12  365.684210  ...                         0.0  359.257607
35 2020-04-13  378.241914  ...                         0.0  378.075886
36 2020-04-14  390.799619  ...                         0.0  388.692859
37 2020-04-15  403.357324  ...                         0.0  396.642120
38 2020-04-16  415.915029  ...                         0.0  410.591374
39 2020-04-17  428.472733  ...                         0.0  421.873917
40 2020-04-18  441.030438  ...                         0.0  438.059339
41 2020-04-19  453.588143  ...                         0.0  447.161540
42 2020-04-20  466.145847  ...                         0.0  465.979819
43 2020-04-21  478.703552  ...                         0.0  476.596792
44 2020-04-22  491.261257  ...                         0.0  484.546053
45 2020-04-23  503.818962  ...                         0.0  498.495307
46 2020-04-24  516.376666  ...                         0.0  509.777850
47 2020-04-25  528.934371  ...                         0.0  525.963272
48 2020-04-26  541.492076  ...                         0.0  535.065473
49 2020-04-27  554.049781  ...                         0.0  553.883752
50 2020-04-28  566.607485  ...                         0.0  564.500725
51 2020-04-29  579.165190  ...                         0.0  572.449986
52 2020-04-30  591.722895  ...                         0.0  586.399241

[53 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Sudan
           ds     trend  ...  multiplicative_terms_upper      yhat
0  2020-03-13  0.047768  ...                         0.0  0.899192
1  2020-03-14  0.205045  ...                         0.0  0.949053
2  2020-03-15  0.362322  ...                         0.0  0.948935
3  2020-03-16  0.519599  ...                         0.0  0.948889
4  2020-03-17  0.676876  ...                         0.0  1.449591
5  2020-03-18  0.834153  ...                         0.0  1.950291
6  2020-03-19  0.991430  ...                         0.0  1.950229
7  2020-03-20  1.148707  ...                         0.0  2.000131
8  2020-03-21  1.305984  ...                         0.0  2.049992
9  2020-03-22  1.463261  ...                         0.0  2.049874
10 2020-03-23  1.620538  ...                         0.0  2.049827
11 2020-03-24  1.777815  ...                         0.0  2.550529
12 2020-03-25  1.935092  ...                         0.0  3.051229
13 2020-03-26  2.092369  ...                         0.0  3.051168
14 2020-03-27  2.249646  ...                         0.0  3.101069
15 2020-03-28  2.406923  ...                         0.0  3.150931
16 2020-03-29  2.564200  ...                         0.0  3.150812
17 2020-03-30  2.721477  ...                         0.0  3.150766
18 2020-03-31  2.878754  ...                         0.0  3.651468
19 2020-04-01  3.036031  ...                         0.0  4.152168
20 2020-04-02  3.193308  ...                         0.0  4.152107
21 2020-04-03  3.350585  ...                         0.0  4.202008
22 2020-04-04  3.507862  ...                         0.0  4.251870
23 2020-04-05  3.665139  ...                         0.0  4.251751
24 2020-04-06  3.822416  ...                         0.0  4.251705
25 2020-04-07  3.979693  ...                         0.0  4.752407
26 2020-04-08  4.136970  ...                         0.0  5.253107
27 2020-04-09  4.294247  ...                         0.0  5.253046
28 2020-04-10  4.451524  ...                         0.0  5.302947
29 2020-04-11  4.608801  ...                         0.0  5.352809
30 2020-04-12  4.766078  ...                         0.0  5.352690
31 2020-04-13  4.923355  ...                         0.0  5.352644
32 2020-04-14  5.080632  ...                         0.0  5.853346
33 2020-04-15  5.237908  ...                         0.0  6.354046
34 2020-04-16  5.395185  ...                         0.0  6.353984
35 2020-04-17  5.552462  ...                         0.0  6.403886
36 2020-04-18  5.709739  ...                         0.0  6.453747
37 2020-04-19  5.867016  ...                         0.0  6.453629
38 2020-04-20  6.024293  ...                         0.0  6.453583
39 2020-04-21  6.181570  ...                         0.0  6.954285
40 2020-04-22  6.338847  ...                         0.0  7.454985
41 2020-04-23  6.496124  ...                         0.0  7.454923
42 2020-04-24  6.653401  ...                         0.0  7.504825
43 2020-04-25  6.810678  ...                         0.0  7.554686
44 2020-04-26  6.967955  ...                         0.0  7.554568
45 2020-04-27  7.125232  ...                         0.0  7.554522
46 2020-04-28  7.282509  ...                         0.0  8.055224
47 2020-04-29  7.439786  ...                         0.0  8.555923
48 2020-04-30  7.597063  ...                         0.0  8.555862

[49 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: North Carolina
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-10    -9.936407  ...                         0.0  -134.557666
1  2020-03-11    36.237534  ...                         0.0  -100.893997
2  2020-03-12    82.411474  ...                         0.0   -31.232046
3  2020-03-13   128.585414  ...                         0.0    35.428785
4  2020-03-14   174.759355  ...                         0.0   -23.107288
5  2020-03-15   220.933295  ...                         0.0     7.387936
6  2020-03-16   267.107235  ...                         0.0    33.883253
7  2020-03-17   313.281176  ...                         0.0   188.659917
8  2020-03-18   359.455138  ...                         0.0   222.323607
9  2020-03-19   405.629100  ...                         0.0   291.985579
10 2020-03-20   451.803062  ...                         0.0   358.646432
11 2020-03-21   497.980154  ...                         0.0   300.113511
12 2020-03-22   544.157246  ...                         0.0   330.611887
13 2020-03-23   590.334338  ...                         0.0   357.110356
14 2020-03-24   636.511429  ...                         0.0   511.890171
15 2020-03-25   682.688521  ...                         0.0   545.556991
16 2020-03-26   728.865613  ...                         0.0   615.222093
17 2020-03-27   775.042705  ...                         0.0   681.886076
18 2020-03-28   821.219797  ...                         0.0   623.353155
19 2020-03-29   867.396889  ...                         0.0   653.851531
20 2020-03-30   913.573981  ...                         0.0   680.349999
21 2020-03-31   959.751073  ...                         0.0   835.129814
22 2020-04-01  1005.928165  ...                         0.0   868.796635
23 2020-04-02  1052.105257  ...                         0.0   938.461737
24 2020-04-03  1098.282349  ...                         0.0  1005.125719
25 2020-04-04  1144.459441  ...                         0.0   946.592798
26 2020-04-05  1190.636533  ...                         0.0   977.091174
27 2020-04-06  1236.813625  ...                         0.0  1003.589643
28 2020-04-07  1282.990717  ...                         0.0  1158.369458
29 2020-04-08  1329.167809  ...                         0.0  1192.036279
30 2020-04-09  1375.344901  ...                         0.0  1261.701381
31 2020-04-10  1421.521993  ...                         0.0  1328.365363
32 2020-04-11  1467.699085  ...                         0.0  1269.832442
33 2020-04-12  1513.876177  ...                         0.0  1300.330818
34 2020-04-13  1560.053269  ...                         0.0  1326.829287
35 2020-04-14  1606.230361  ...                         0.0  1481.609102
36 2020-04-15  1652.407453  ...                         0.0  1515.275922
37 2020-04-16  1698.584545  ...                         0.0  1584.941024
38 2020-04-17  1744.761637  ...                         0.0  1651.605007
39 2020-04-18  1790.938729  ...                         0.0  1593.072086
40 2020-04-19  1837.115821  ...                         0.0  1623.570462
41 2020-04-20  1883.292913  ...                         0.0  1650.068931
42 2020-04-21  1929.470005  ...                         0.0  1804.848746
43 2020-04-22  1975.647097  ...                         0.0  1838.515566
44 2020-04-23  2021.824188  ...                         0.0  1908.180668
45 2020-04-24  2068.001280  ...                         0.0  1974.844651
46 2020-04-25  2114.178372  ...                         0.0  1916.311730
47 2020-04-26  2160.355464  ...                         0.0  1946.810106
48 2020-04-27  2206.532556  ...                         0.0  1973.308574
49 2020-04-28  2252.709648  ...                         0.0  2128.088389
50 2020-04-29  2298.886740  ...                         0.0  2161.755210
51 2020-04-30  2345.063832  ...                         0.0  2231.420312

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 10.
COUNTRY: Vietnam
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-01-23    0.004456  ...                         0.0    0.275716
1  2020-01-24    0.675289  ...                         0.0    0.999942
2  2020-01-25    1.346122  ...                         0.0    0.867701
3  2020-01-26    2.016955  ...                         0.0    2.783302
4  2020-01-27    2.687788  ...                         0.0    2.921205
..        ...         ...  ...                         ...         ...
94 2020-04-26  407.199193  ...                         0.0  407.965540
95 2020-04-27  415.590963  ...                         0.0  415.824380
96 2020-04-28  423.982733  ...                         0.0  423.683413
97 2020-04-29  432.374503  ...                         0.0  432.097941
98 2020-04-30  440.766273  ...                         0.0  441.037533

[99 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 14.
COUNTRY: Eswatini
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-14  -0.031426  ...                         0.0  -0.516324
1  2020-03-15   0.476997  ...                         0.0  -0.007902
2  2020-03-16   0.985419  ...                         0.0   0.500521
3  2020-03-17   1.493841  ...                         0.0   1.008943
4  2020-03-18   2.002263  ...                         0.0   1.517365
5  2020-03-19   2.510686  ...                         0.0   2.025787
6  2020-03-20   3.019108  ...                         0.0   2.534210
7  2020-03-21   3.527530  ...                         0.0   3.042632
8  2020-03-22   4.035953  ...                         0.0   3.551054
9  2020-03-23   4.544399  ...                         0.0   4.059501
10 2020-03-24   5.052846  ...                         0.0   4.567947
11 2020-03-25   5.561292  ...                         0.0   5.076394
12 2020-03-26   6.069739  ...                         0.0   5.584841
13 2020-03-27   6.578185  ...                         0.0   6.093287
14 2020-03-28   7.086632  ...                         0.0   6.601734
15 2020-03-29   7.595078  ...                         0.0   7.110180
16 2020-03-30   8.103525  ...                         0.0   7.618627
17 2020-03-31   8.611971  ...                         0.0   8.127073
18 2020-04-01   9.120418  ...                         0.0   8.635520
19 2020-04-02   9.628864  ...                         0.0   9.143966
20 2020-04-03  10.137311  ...                         0.0   9.652413
21 2020-04-04  10.645758  ...                         0.0  10.160859
22 2020-04-05  11.154204  ...                         0.0  10.669306
23 2020-04-06  11.662651  ...                         0.0  11.177752
24 2020-04-07  12.171097  ...                         0.0  11.686199
25 2020-04-08  12.679544  ...                         0.0  12.194646
26 2020-04-09  13.187990  ...                         0.0  12.703092
27 2020-04-10  13.696437  ...                         0.0  13.211539
28 2020-04-11  14.204883  ...                         0.0  13.719985
29 2020-04-12  14.713330  ...                         0.0  14.228432
30 2020-04-13  15.221776  ...                         0.0  14.736878
31 2020-04-14  15.730223  ...                         0.0  15.245325
32 2020-04-15  16.238669  ...                         0.0  15.753771
33 2020-04-16  16.747116  ...                         0.0  16.262218
34 2020-04-17  17.255563  ...                         0.0  16.770664
35 2020-04-18  17.764009  ...                         0.0  17.279111
36 2020-04-19  18.272456  ...                         0.0  17.787557
37 2020-04-20  18.780902  ...                         0.0  18.296004
38 2020-04-21  19.289349  ...                         0.0  18.804450
39 2020-04-22  19.797795  ...                         0.0  19.312897
40 2020-04-23  20.306242  ...                         0.0  19.821344
41 2020-04-24  20.814688  ...                         0.0  20.329790
42 2020-04-25  21.323135  ...                         0.0  20.838237
43 2020-04-26  21.831581  ...                         0.0  21.346683
44 2020-04-27  22.340028  ...                         0.0  21.855130
45 2020-04-28  22.848474  ...                         0.0  22.363576
46 2020-04-29  23.356921  ...                         0.0  22.872023
47 2020-04-30  23.865368  ...                         0.0  23.380469

[48 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 19.
COUNTRY: St Martin
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-09  -0.024226  ...                         0.0   0.224119
1  2020-03-10   0.515317  ...                         0.0   0.224620
2  2020-03-11   1.054860  ...                         0.0   1.558344
3  2020-03-12   1.594403  ...                         0.0   1.892170
4  2020-03-13   2.133946  ...                         0.0   1.892936
5  2020-03-14   2.673489  ...                         0.0   1.113123
6  2020-03-15   3.213032  ...                         0.0   1.613843
7  2020-03-16   3.752575  ...                         0.0   4.000921
8  2020-03-17   4.292118  ...                         0.0   4.001421
9  2020-03-18   4.831661  ...                         0.0   5.335146
10 2020-03-19   5.371207  ...                         0.0   5.668974
11 2020-03-20   5.910753  ...                         0.0   5.669743
12 2020-03-21   6.450298  ...                         0.0   4.889932
13 2020-03-22   6.989844  ...                         0.0   5.390655
14 2020-03-23   7.529390  ...                         0.0   7.777735
15 2020-03-24   8.068936  ...                         0.0   7.778239
16 2020-03-25   8.608481  ...                         0.0   9.111966
17 2020-03-26   9.148027  ...                         0.0   9.445794
18 2020-03-27   9.687573  ...                         0.0   9.446563
19 2020-03-28  10.227118  ...                         0.0   8.666752
20 2020-03-29  10.766664  ...                         0.0   9.167475
21 2020-03-30  11.306210  ...                         0.0  11.554555
22 2020-03-31  11.845755  ...                         0.0  11.555058
23 2020-04-01  12.385301  ...                         0.0  12.888785
24 2020-04-02  12.924847  ...                         0.0  13.222614
25 2020-04-03  13.464392  ...                         0.0  13.223383
26 2020-04-04  14.003938  ...                         0.0  12.443572
27 2020-04-05  14.543484  ...                         0.0  12.944295
28 2020-04-06  15.083030  ...                         0.0  15.331375
29 2020-04-07  15.622575  ...                         0.0  15.331878
30 2020-04-08  16.162121  ...                         0.0  16.665605
31 2020-04-09  16.701667  ...                         0.0  16.999434
32 2020-04-10  17.241212  ...                         0.0  17.000202
33 2020-04-11  17.780758  ...                         0.0  16.220392
34 2020-04-12  18.320304  ...                         0.0  16.721115
35 2020-04-13  18.859849  ...                         0.0  19.108195
36 2020-04-14  19.399395  ...                         0.0  19.108698
37 2020-04-15  19.938941  ...                         0.0  20.442425
38 2020-04-16  20.478486  ...                         0.0  20.776254
39 2020-04-17  21.018032  ...                         0.0  20.777022
40 2020-04-18  21.557578  ...                         0.0  19.997211
41 2020-04-19  22.097124  ...                         0.0  20.497935
42 2020-04-20  22.636669  ...                         0.0  22.885015
43 2020-04-21  23.176215  ...                         0.0  22.885518
44 2020-04-22  23.715761  ...                         0.0  24.219245
45 2020-04-23  24.255306  ...                         0.0  24.553074
46 2020-04-24  24.794852  ...                         0.0  24.553842
47 2020-04-25  25.334398  ...                         0.0  23.774031
48 2020-04-26  25.873943  ...                         0.0  24.274755
49 2020-04-27  26.413489  ...                         0.0  26.661834
50 2020-04-28  26.953035  ...                         0.0  26.662338
51 2020-04-29  27.492580  ...                         0.0  27.996065
52 2020-04-30  28.032126  ...                         0.0  28.329893

[53 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 5.
COUNTRY: Jordan
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-03   -3.050565  ...                         0.0  -44.416490
1  2020-03-04    5.704271  ...                         0.0  -35.411381
2  2020-03-05   14.459108  ...                         0.0  -21.156612
3  2020-03-06   23.213945  ...                         0.0  -11.403871
4  2020-03-07   31.968782  ...                         0.0  -32.280196
5  2020-03-08   40.723618  ...                         0.0  -20.939667
6  2020-03-09   49.478455  ...                         0.0  -12.932225
7  2020-03-10   58.233292  ...                         0.0   16.867367
8  2020-03-11   66.988129  ...                         0.0   25.872476
9  2020-03-12   75.742966  ...                         0.0   40.127245
10 2020-03-13   84.497805  ...                         0.0   49.879989
11 2020-03-14   93.253347  ...                         0.0   29.004369
12 2020-03-15  102.008890  ...                         0.0   40.345604
13 2020-03-16  110.764450  ...                         0.0   48.353770
14 2020-03-17  119.520023  ...                         0.0   78.154098
15 2020-03-18  128.275596  ...                         0.0   87.159943
16 2020-03-19  137.032074  ...                         0.0  101.416354
17 2020-03-20  145.788559  ...                         0.0  111.170744
18 2020-03-21  154.545044  ...                         0.0   90.296066
19 2020-03-22  163.301529  ...                         0.0  101.638244
20 2020-03-23  172.058015  ...                         0.0  109.647334
21 2020-03-24  180.814500  ...                         0.0  139.448575
22 2020-03-25  189.570985  ...                         0.0  148.455332
23 2020-03-26  198.327470  ...                         0.0  162.711749
24 2020-03-27  207.083955  ...                         0.0  172.466139
25 2020-03-28  215.840440  ...                         0.0  151.591462
26 2020-03-29  224.596925  ...                         0.0  162.933640
27 2020-03-30  233.353410  ...                         0.0  170.942730
28 2020-03-31  242.109896  ...                         0.0  200.743971
29 2020-04-01  250.866381  ...                         0.0  209.750728
30 2020-04-02  259.622866  ...                         0.0  224.007145
31 2020-04-03  268.379351  ...                         0.0  233.761535
32 2020-04-04  277.135836  ...                         0.0  212.886858
33 2020-04-05  285.892321  ...                         0.0  224.229035
34 2020-04-06  294.648806  ...                         0.0  232.238126
35 2020-04-07  303.405291  ...                         0.0  262.039367
36 2020-04-08  312.161777  ...                         0.0  271.046124
37 2020-04-09  320.918262  ...                         0.0  285.302541
38 2020-04-10  329.674747  ...                         0.0  295.056931
39 2020-04-11  338.431232  ...                         0.0  274.182254
40 2020-04-12  347.187717  ...                         0.0  285.524431
41 2020-04-13  355.944202  ...                         0.0  293.533521
42 2020-04-14  364.700687  ...                         0.0  323.334763
43 2020-04-15  373.457172  ...                         0.0  332.341520
44 2020-04-16  382.213658  ...                         0.0  346.597937
45 2020-04-17  390.970143  ...                         0.0  356.352327
46 2020-04-18  399.726628  ...                         0.0  335.477650
47 2020-04-19  408.483113  ...                         0.0  346.819827
48 2020-04-20  417.239598  ...                         0.0  354.828917
49 2020-04-21  425.996083  ...                         0.0  384.630158
50 2020-04-22  434.752568  ...                         0.0  393.636915
51 2020-04-23  443.509053  ...                         0.0  407.893333
52 2020-04-24  452.265539  ...                         0.0  417.647723
53 2020-04-25  461.022024  ...                         0.0  396.773046
54 2020-04-26  469.778509  ...                         0.0  408.115223
55 2020-04-27  478.534994  ...                         0.0  416.124313
56 2020-04-28  487.291479  ...                         0.0  445.925554
57 2020-04-29  496.047964  ...                         0.0  454.932311
58 2020-04-30  504.804449  ...                         0.0  469.188729

[59 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 7.
COUNTRY: Madagascar
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-20    0.017854  ...                         0.0    0.165858
1  2020-03-21    3.753696  ...                         0.0    3.901700
2  2020-03-22    7.489538  ...                         0.0    7.637542
3  2020-03-23   11.225380  ...                         0.0   11.373384
4  2020-03-24   14.961222  ...                         0.0   15.109226
5  2020-03-25   18.697063  ...                         0.0   18.845068
6  2020-03-26   22.432905  ...                         0.0   22.580910
7  2020-03-27   26.168747  ...                         0.0   26.316752
8  2020-03-28   29.904589  ...                         0.0   30.052594
9  2020-03-29   33.640431  ...                         0.0   33.788436
10 2020-03-30   37.376273  ...                         0.0   37.524278
11 2020-03-31   41.112115  ...                         0.0   41.260119
12 2020-04-01   44.847957  ...                         0.0   44.995961
13 2020-04-02   48.583799  ...                         0.0   48.731803
14 2020-04-03   52.319641  ...                         0.0   52.467645
15 2020-04-04   56.055483  ...                         0.0   56.203487
16 2020-04-05   59.791325  ...                         0.0   59.939329
17 2020-04-06   63.527167  ...                         0.0   63.675171
18 2020-04-07   67.263009  ...                         0.0   67.411013
19 2020-04-08   70.998851  ...                         0.0   71.146855
20 2020-04-09   74.734692  ...                         0.0   74.882697
21 2020-04-10   78.470534  ...                         0.0   78.618539
22 2020-04-11   82.206376  ...                         0.0   82.354381
23 2020-04-12   85.942218  ...                         0.0   86.090223
24 2020-04-13   89.678060  ...                         0.0   89.826065
25 2020-04-14   93.413902  ...                         0.0   93.561906
26 2020-04-15   97.149744  ...                         0.0   97.297748
27 2020-04-16  100.885586  ...                         0.0  101.033590
28 2020-04-17  104.621428  ...                         0.0  104.769432
29 2020-04-18  108.357270  ...                         0.0  108.505274
30 2020-04-19  112.093112  ...                         0.0  112.241116
31 2020-04-20  115.828954  ...                         0.0  115.976958
32 2020-04-21  119.564796  ...                         0.0  119.712800
33 2020-04-22  123.300638  ...                         0.0  123.448642
34 2020-04-23  127.036479  ...                         0.0  127.184484
35 2020-04-24  130.772321  ...                         0.0  130.920326
36 2020-04-25  134.508163  ...                         0.0  134.656168
37 2020-04-26  138.244005  ...                         0.0  138.392010
38 2020-04-27  141.979847  ...                         0.0  142.127852
39 2020-04-28  145.715689  ...                         0.0  145.863694
40 2020-04-29  149.451531  ...                         0.0  149.599535
41 2020-04-30  153.187373  ...                         0.0  153.335377

[42 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 6.
COUNTRY: Montenegro
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-17   -0.608967  ...                         0.0  -10.350739
1  2020-03-18    7.515623  ...                         0.0   -2.226149
2  2020-03-19   15.640212  ...                         0.0    5.898441
3  2020-03-20   23.764802  ...                         0.0   14.023031
4  2020-03-21   31.889392  ...                         0.0   22.147620
5  2020-03-22   40.013982  ...                         0.0   30.272210
6  2020-03-23   48.138572  ...                         0.0   38.396800
7  2020-03-24   56.263162  ...                         0.0   46.521390
8  2020-03-25   64.387752  ...                         0.0   54.645980
9  2020-03-26   72.512342  ...                         0.0   62.770570
10 2020-03-27   80.636932  ...                         0.0   70.895161
11 2020-03-28   88.761522  ...                         0.0   79.019751
12 2020-03-29   96.886113  ...                         0.0   87.144341
13 2020-03-30  105.010703  ...                         0.0   95.268931
14 2020-03-31  113.135293  ...                         0.0  103.393521
15 2020-04-01  121.259883  ...                         0.0  111.518111
16 2020-04-02  129.384473  ...                         0.0  119.642701
17 2020-04-03  137.509063  ...                         0.0  127.767291
18 2020-04-04  145.633653  ...                         0.0  135.891882
19 2020-04-05  153.758243  ...                         0.0  144.016472
20 2020-04-06  161.882834  ...                         0.0  152.141062
21 2020-04-07  170.007424  ...                         0.0  160.265652
22 2020-04-08  178.132014  ...                         0.0  168.390242
23 2020-04-09  186.256604  ...                         0.0  176.514832
24 2020-04-10  194.381194  ...                         0.0  184.639422
25 2020-04-11  202.505784  ...                         0.0  192.764013
26 2020-04-12  210.630374  ...                         0.0  200.888603
27 2020-04-13  218.754964  ...                         0.0  209.013193
28 2020-04-14  226.879555  ...                         0.0  217.137783
29 2020-04-15  235.004145  ...                         0.0  225.262373
30 2020-04-16  243.128735  ...                         0.0  233.386963
31 2020-04-17  251.253325  ...                         0.0  241.511553
32 2020-04-18  259.377915  ...                         0.0  249.636143
33 2020-04-19  267.502505  ...                         0.0  257.760734
34 2020-04-20  275.627095  ...                         0.0  265.885324
35 2020-04-21  283.751685  ...                         0.0  274.009914
36 2020-04-22  291.876276  ...                         0.0  282.134504
37 2020-04-23  300.000866  ...                         0.0  290.259094
38 2020-04-24  308.125456  ...                         0.0  298.383684
39 2020-04-25  316.250046  ...                         0.0  306.508274
40 2020-04-26  324.374636  ...                         0.0  314.632864
41 2020-04-27  332.499226  ...                         0.0  322.757455
42 2020-04-28  340.623816  ...                         0.0  330.882045
43 2020-04-29  348.748407  ...                         0.0  339.006635
44 2020-04-30  356.872997  ...                         0.0  347.131225

[45 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Nicaragua
           ds     trend  ...  multiplicative_terms_upper      yhat
0  2020-03-19  0.074396  ...                         0.0  1.312476
1  2020-03-20  0.190102  ...                         0.0  1.428182
2  2020-03-21  0.305808  ...                         0.0  1.543888
3  2020-03-22  0.421514  ...                         0.0  1.659594
4  2020-03-23  0.537220  ...                         0.0  1.775300
5  2020-03-24  0.652925  ...                         0.0  1.891006
6  2020-03-25  0.768631  ...                         0.0  2.006712
7  2020-03-26  0.884337  ...                         0.0  2.122418
8  2020-03-27  1.000043  ...                         0.0  2.238123
9  2020-03-28  1.115749  ...                         0.0  2.353829
10 2020-03-29  1.231455  ...                         0.0  2.469535
11 2020-03-30  1.347161  ...                         0.0  2.585241
12 2020-03-31  1.462867  ...                         0.0  2.700947
13 2020-04-01  1.578573  ...                         0.0  2.816653
14 2020-04-02  1.694279  ...                         0.0  2.932359
15 2020-04-03  1.809985  ...                         0.0  3.048065
16 2020-04-04  1.925691  ...                         0.0  3.163771
17 2020-04-05  2.041396  ...                         0.0  3.279477
18 2020-04-06  2.157102  ...                         0.0  3.395183
19 2020-04-07  2.272808  ...                         0.0  3.510889
20 2020-04-08  2.388514  ...                         0.0  3.626594
21 2020-04-09  2.504220  ...                         0.0  3.742300
22 2020-04-10  2.619926  ...                         0.0  3.858006
23 2020-04-11  2.735632  ...                         0.0  3.973712
24 2020-04-12  2.851338  ...                         0.0  4.089418
25 2020-04-13  2.967044  ...                         0.0  4.205124
26 2020-04-14  3.082750  ...                         0.0  4.320830
27 2020-04-15  3.198456  ...                         0.0  4.436536
28 2020-04-16  3.314162  ...                         0.0  4.552242
29 2020-04-17  3.429867  ...                         0.0  4.667948
30 2020-04-18  3.545573  ...                         0.0  4.783654
31 2020-04-19  3.661279  ...                         0.0  4.899360
32 2020-04-20  3.776985  ...                         0.0  5.015065
33 2020-04-21  3.892691  ...                         0.0  5.130771
34 2020-04-22  4.008397  ...                         0.0  5.246477
35 2020-04-23  4.124103  ...                         0.0  5.362183
36 2020-04-24  4.239809  ...                         0.0  5.477889
37 2020-04-25  4.355515  ...                         0.0  5.593595
38 2020-04-26  4.471221  ...                         0.0  5.709301
39 2020-04-27  4.586927  ...                         0.0  5.825007
40 2020-04-28  4.702633  ...                         0.0  5.940713
41 2020-04-29  4.818338  ...                         0.0  6.056419
42 2020-04-30  4.934044  ...                         0.0  6.172125

[43 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 8.
COUNTRY: New South Wales
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-01-26    -2.705016  ...                         0.0   -72.341611
1  2020-01-27     0.127988  ...                         0.0   -75.123442
2  2020-01-28     2.960993  ...                         0.0   -60.795595
3  2020-01-29     5.793998  ...                         0.0   -37.024790
4  2020-01-30     8.627003  ...                         0.0   -22.280079
..        ...          ...  ...                         ...          ...
91 2020-04-26  1545.695108  ...                         0.0  1476.058513
92 2020-04-27  1572.884003  ...                         0.0  1497.632573
93 2020-04-28  1600.072899  ...                         0.0  1536.316310
94 2020-04-29  1627.261795  ...                         0.0  1584.443007
95 2020-04-30  1654.450690  ...                         0.0  1623.543608

[96 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 9.
COUNTRY: Nova Scotia
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-16   -0.414783  ...                         0.0   -6.669184
1  2020-03-17    7.240306  ...                         0.0    0.985905
2  2020-03-18   14.895394  ...                         0.0    8.640993
3  2020-03-19   22.550482  ...                         0.0   16.296081
4  2020-03-20   30.205571  ...                         0.0   23.951169
5  2020-03-21   37.861159  ...                         0.0   31.606758
6  2020-03-22   45.516747  ...                         0.0   39.262346
7  2020-03-23   53.172336  ...                         0.0   46.917935
8  2020-03-24   60.827924  ...                         0.0   54.573523
9  2020-03-25   68.483513  ...                         0.0   62.229112
10 2020-03-26   76.139101  ...                         0.0   69.884700
11 2020-03-27   83.794690  ...                         0.0   77.540289
12 2020-03-28   91.450279  ...                         0.0   85.195877
13 2020-03-29   99.105867  ...                         0.0   92.851466
14 2020-03-30  106.761456  ...                         0.0  100.507055
15 2020-03-31  114.417044  ...                         0.0  108.162643
16 2020-04-01  122.072633  ...                         0.0  115.818232
17 2020-04-02  129.728221  ...                         0.0  123.473820
18 2020-04-03  137.383810  ...                         0.0  131.129409
19 2020-04-04  145.039399  ...                         0.0  138.784998
20 2020-04-05  152.694987  ...                         0.0  146.440586
21 2020-04-06  160.350576  ...                         0.0  154.096175
22 2020-04-07  168.006164  ...                         0.0  161.751763
23 2020-04-08  175.661753  ...                         0.0  169.407352
24 2020-04-09  183.317342  ...                         0.0  177.062941
25 2020-04-10  190.972930  ...                         0.0  184.718529
26 2020-04-11  198.628519  ...                         0.0  192.374118
27 2020-04-12  206.284107  ...                         0.0  200.029706
28 2020-04-13  213.939696  ...                         0.0  207.685295
29 2020-04-14  221.595285  ...                         0.0  215.340884
30 2020-04-15  229.250873  ...                         0.0  222.996472
31 2020-04-16  236.906462  ...                         0.0  230.652061
32 2020-04-17  244.562050  ...                         0.0  238.307649
33 2020-04-18  252.217639  ...                         0.0  245.963238
34 2020-04-19  259.873228  ...                         0.0  253.618827
35 2020-04-20  267.528816  ...                         0.0  261.274415
36 2020-04-21  275.184405  ...                         0.0  268.930004
37 2020-04-22  282.839993  ...                         0.0  276.585592
38 2020-04-23  290.495582  ...                         0.0  284.241181
39 2020-04-24  298.151171  ...                         0.0  291.896769
40 2020-04-25  305.806759  ...                         0.0  299.552358
41 2020-04-26  313.462348  ...                         0.0  307.207947
42 2020-04-27  321.117936  ...                         0.0  314.863535
43 2020-04-28  328.773525  ...                         0.0  322.519124
44 2020-04-29  336.429114  ...                         0.0  330.174712
45 2020-04-30  344.084702  ...                         0.0  337.830301

[46 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 10.
COUNTRY: Congo (Brazzaville)
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-15   0.055526  ...                         0.0   0.923908
1  2020-03-16   0.363100  ...                         0.0   1.231482
2  2020-03-17   0.670674  ...                         0.0   1.539056
3  2020-03-18   0.978248  ...                         0.0   1.846630
4  2020-03-19   1.285822  ...                         0.0   2.154204
5  2020-03-20   1.593396  ...                         0.0   2.461778
6  2020-03-21   1.900969  ...                         0.0   2.769352
7  2020-03-22   2.208543  ...                         0.0   3.076926
8  2020-03-23   2.516117  ...                         0.0   3.384500
9  2020-03-24   2.823691  ...                         0.0   3.692074
10 2020-03-25   3.131265  ...                         0.0   3.999648
11 2020-03-26   3.438839  ...                         0.0   4.307222
12 2020-03-27   3.746413  ...                         0.0   4.614796
13 2020-03-28   4.053987  ...                         0.0   4.922370
14 2020-03-29   4.361561  ...                         0.0   5.229944
15 2020-03-30   4.669135  ...                         0.0   5.537517
16 2020-03-31   4.976709  ...                         0.0   5.845091
17 2020-04-01   5.284283  ...                         0.0   6.152665
18 2020-04-02   5.591857  ...                         0.0   6.460239
19 2020-04-03   5.899431  ...                         0.0   6.767813
20 2020-04-04   6.207005  ...                         0.0   7.075387
21 2020-04-05   6.514579  ...                         0.0   7.382961
22 2020-04-06   6.822153  ...                         0.0   7.690535
23 2020-04-07   7.129727  ...                         0.0   7.998109
24 2020-04-08   7.437300  ...                         0.0   8.305683
25 2020-04-09   7.744874  ...                         0.0   8.613257
26 2020-04-10   8.052448  ...                         0.0   8.920831
27 2020-04-11   8.360022  ...                         0.0   9.228405
28 2020-04-12   8.667596  ...                         0.0   9.535979
29 2020-04-13   8.975170  ...                         0.0   9.843553
30 2020-04-14   9.282744  ...                         0.0  10.151127
31 2020-04-15   9.590318  ...                         0.0  10.458701
32 2020-04-16   9.897892  ...                         0.0  10.766275
33 2020-04-17  10.205466  ...                         0.0  11.073848
34 2020-04-18  10.513040  ...                         0.0  11.381422
35 2020-04-19  10.820614  ...                         0.0  11.688996
36 2020-04-20  11.128188  ...                         0.0  11.996570
37 2020-04-21  11.435762  ...                         0.0  12.304144
38 2020-04-22  11.743336  ...                         0.0  12.611718
39 2020-04-23  12.050910  ...                         0.0  12.919292
40 2020-04-24  12.358484  ...                         0.0  13.226866
41 2020-04-25  12.666057  ...                         0.0  13.534440
42 2020-04-26  12.973631  ...                         0.0  13.842014
43 2020-04-27  13.281205  ...                         0.0  14.149588
44 2020-04-28  13.588779  ...                         0.0  14.457162
45 2020-04-29  13.896353  ...                         0.0  14.764736
46 2020-04-30  14.203927  ...                         0.0  15.072310

[47 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Trinidad and Tobago
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-14   -0.517881  ...                         0.0   -8.486679
1  2020-03-15    5.580651  ...                         0.0   -2.388147
2  2020-03-16   11.679183  ...                         0.0    3.710385
3  2020-03-17   17.777715  ...                         0.0    9.808918
4  2020-03-18   23.876247  ...                         0.0   15.907450
5  2020-03-19   29.974779  ...                         0.0   22.005982
6  2020-03-20   36.073311  ...                         0.0   28.104514
7  2020-03-21   42.171843  ...                         0.0   34.203046
8  2020-03-22   48.270376  ...                         0.0   40.301578
9  2020-03-23   54.368908  ...                         0.0   46.400110
10 2020-03-24   60.467440  ...                         0.0   52.498642
11 2020-03-25   66.565972  ...                         0.0   58.597174
12 2020-03-26   72.664504  ...                         0.0   64.695707
13 2020-03-27   78.763036  ...                         0.0   70.794239
14 2020-03-28   84.861568  ...                         0.0   76.892771
15 2020-03-29   90.960100  ...                         0.0   82.991303
16 2020-03-30   97.058633  ...                         0.0   89.089835
17 2020-03-31  103.157165  ...                         0.0   95.188367
18 2020-04-01  109.255697  ...                         0.0  101.286899
19 2020-04-02  115.354229  ...                         0.0  107.385431
20 2020-04-03  121.452761  ...                         0.0  113.483964
21 2020-04-04  127.551293  ...                         0.0  119.582496
22 2020-04-05  133.649825  ...                         0.0  125.681028
23 2020-04-06  139.748357  ...                         0.0  131.779560
24 2020-04-07  145.846889  ...                         0.0  137.878092
25 2020-04-08  151.945422  ...                         0.0  143.976624
26 2020-04-09  158.043954  ...                         0.0  150.075156
27 2020-04-10  164.142486  ...                         0.0  156.173688
28 2020-04-11  170.241018  ...                         0.0  162.272221
29 2020-04-12  176.339550  ...                         0.0  168.370753
30 2020-04-13  182.438082  ...                         0.0  174.469285
31 2020-04-14  188.536614  ...                         0.0  180.567817
32 2020-04-15  194.635146  ...                         0.0  186.666349
33 2020-04-16  200.733679  ...                         0.0  192.764881
34 2020-04-17  206.832211  ...                         0.0  198.863413
35 2020-04-18  212.930743  ...                         0.0  204.961945
36 2020-04-19  219.029275  ...                         0.0  211.060477
37 2020-04-20  225.127807  ...                         0.0  217.159010
38 2020-04-21  231.226339  ...                         0.0  223.257542
39 2020-04-22  237.324871  ...                         0.0  229.356074
40 2020-04-23  243.423403  ...                         0.0  235.454606
41 2020-04-24  249.521936  ...                         0.0  241.553138
42 2020-04-25  255.620468  ...                         0.0  247.651670
43 2020-04-26  261.719000  ...                         0.0  253.750202
44 2020-04-27  267.817532  ...                         0.0  259.848734
45 2020-04-28  273.916064  ...                         0.0  265.947267
46 2020-04-29  280.014596  ...                         0.0  272.045799
47 2020-04-30  286.113128  ...                         0.0  278.144331

[48 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Iowa
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-10   -1.694532  ...                         0.0  -25.384971
1  2020-03-11    9.314279  ...                         0.0  -14.385382
2  2020-03-12   20.323090  ...                         0.0    2.612693
3  2020-03-13   31.331901  ...                         0.0   21.942887
4  2020-03-14   42.340712  ...                         0.0    3.983929
5  2020-03-15   53.349524  ...                         0.0   15.483275
6  2020-03-16   64.358335  ...                         0.0   25.482665
7  2020-03-17   75.367146  ...                         0.0   51.676708
8  2020-03-18   86.375957  ...                         0.0   62.676296
9  2020-03-19   97.384769  ...                         0.0   79.674372
10 2020-03-20  108.393605  ...                         0.0   99.004591
11 2020-03-21  119.402442  ...                         0.0   81.045658
12 2020-03-22  130.411278  ...                         0.0   92.545030
13 2020-03-23  141.420115  ...                         0.0  102.544445
14 2020-03-24  152.428951  ...                         0.0  128.738513
15 2020-03-25  163.437788  ...                         0.0  139.738127
16 2020-03-26  174.446624  ...                         0.0  156.736228
17 2020-03-27  185.455461  ...                         0.0  176.066447
18 2020-03-28  196.464298  ...                         0.0  158.107514
19 2020-03-29  207.473134  ...                         0.0  169.606886
20 2020-03-30  218.481971  ...                         0.0  179.606301
21 2020-03-31  229.490807  ...                         0.0  205.800369
22 2020-04-01  240.499644  ...                         0.0  216.799983
23 2020-04-02  251.508480  ...                         0.0  233.798084
24 2020-04-03  262.517317  ...                         0.0  253.128303
25 2020-04-04  273.526154  ...                         0.0  235.169370
26 2020-04-05  284.534990  ...                         0.0  246.668742
27 2020-04-06  295.543827  ...                         0.0  256.668157
28 2020-04-07  306.552663  ...                         0.0  282.862225
29 2020-04-08  317.561500  ...                         0.0  293.861839
30 2020-04-09  328.570336  ...                         0.0  310.859940
31 2020-04-10  339.579173  ...                         0.0  330.190159
32 2020-04-11  350.588010  ...                         0.0  312.231226
33 2020-04-12  361.596846  ...                         0.0  323.730597
34 2020-04-13  372.605683  ...                         0.0  333.730013
35 2020-04-14  383.614519  ...                         0.0  359.924081
36 2020-04-15  394.623356  ...                         0.0  370.923695
37 2020-04-16  405.632192  ...                         0.0  387.921796
38 2020-04-17  416.641029  ...                         0.0  407.252015
39 2020-04-18  427.649866  ...                         0.0  389.293082
40 2020-04-19  438.658702  ...                         0.0  400.792453
41 2020-04-20  449.667539  ...                         0.0  410.791869
42 2020-04-21  460.676375  ...                         0.0  436.985937
43 2020-04-22  471.685212  ...                         0.0  447.985551
44 2020-04-23  482.694048  ...                         0.0  464.983652
45 2020-04-24  493.702885  ...                         0.0  484.313871
46 2020-04-25  504.711722  ...                         0.0  466.354938
47 2020-04-26  515.720558  ...                         0.0  477.854309
48 2020-04-27  526.729395  ...                         0.0  487.853725
49 2020-04-28  537.738231  ...                         0.0  514.047793
50 2020-04-29  548.747068  ...                         0.0  525.047407
51 2020-04-30  559.755904  ...                         0.0  542.045508

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 4.
COUNTRY: Tianjin
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-01-22   -0.327456  ...                         0.0   -4.772645
1  2020-01-23    5.045726  ...                         0.0    1.149719
2  2020-01-24   10.418907  ...                         0.0    5.377520
3  2020-01-25   15.792089  ...                         0.0    9.432821
4  2020-01-26   21.165271  ...                         0.0   14.457376
..        ...         ...  ...                         ...         ...
95 2020-04-26  164.730832  ...                         0.0  158.022937
96 2020-04-27  165.239915  ...                         0.0  159.738974
97 2020-04-28  165.748997  ...                         0.0  161.010721
98 2020-04-29  166.258080  ...                         0.0  161.812891
99 2020-04-30  166.767163  ...                         0.0  162.871156

[100 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Eritrea
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-21  -0.009162  ...                         0.0  -0.138735
1  2020-03-22   0.989460  ...                         0.0   0.859887
2  2020-03-23   1.988082  ...                         0.0   1.858509
3  2020-03-24   2.986704  ...                         0.0   2.857131
4  2020-03-25   3.985329  ...                         0.0   3.855755
5  2020-03-26   4.983953  ...                         0.0   4.854380
6  2020-03-27   5.982578  ...                         0.0   5.853004
7  2020-03-28   6.981202  ...                         0.0   6.851629
8  2020-03-29   7.979827  ...                         0.0   7.850254
9  2020-03-30   8.978451  ...                         0.0   8.848878
10 2020-03-31   9.977076  ...                         0.0   9.847503
11 2020-04-01  10.975700  ...                         0.0  10.846127
12 2020-04-02  11.974325  ...                         0.0  11.844752
13 2020-04-03  12.972950  ...                         0.0  12.843376
14 2020-04-04  13.971574  ...                         0.0  13.842001
15 2020-04-05  14.970199  ...                         0.0  14.840625
16 2020-04-06  15.968823  ...                         0.0  15.839250
17 2020-04-07  16.967448  ...                         0.0  16.837875
18 2020-04-08  17.966072  ...                         0.0  17.836499
19 2020-04-09  18.964697  ...                         0.0  18.835124
20 2020-04-10  19.963321  ...                         0.0  19.833748
21 2020-04-11  20.961946  ...                         0.0  20.832373
22 2020-04-12  21.960571  ...                         0.0  21.830997
23 2020-04-13  22.959195  ...                         0.0  22.829622
24 2020-04-14  23.957820  ...                         0.0  23.828246
25 2020-04-15  24.956444  ...                         0.0  24.826871
26 2020-04-16  25.955069  ...                         0.0  25.825496
27 2020-04-17  26.953693  ...                         0.0  26.824120
28 2020-04-18  27.952318  ...                         0.0  27.822745
29 2020-04-19  28.950942  ...                         0.0  28.821369
30 2020-04-20  29.949567  ...                         0.0  29.819994
31 2020-04-21  30.948192  ...                         0.0  30.818618
32 2020-04-22  31.946816  ...                         0.0  31.817243
33 2020-04-23  32.945441  ...                         0.0  32.815867
34 2020-04-24  33.944065  ...                         0.0  33.814492
35 2020-04-25  34.942690  ...                         0.0  34.813117
36 2020-04-26  35.941314  ...                         0.0  35.811741
37 2020-04-27  36.939939  ...                         0.0  36.810366
38 2020-04-28  37.938563  ...                         0.0  37.808990
39 2020-04-29  38.937188  ...                         0.0  38.807615
40 2020-04-30  39.935813  ...                         0.0  39.806239

[41 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Hebei
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-01-22   -0.245355  ...                         0.0   -4.842329
1  2020-01-23    3.895793  ...                         0.0    0.136525
2  2020-01-24    8.036941  ...                         0.0    4.717382
3  2020-01-25   12.178252  ...                         0.0    9.322808
4  2020-01-26   16.319564  ...                         0.0   13.135376
..        ...         ...  ...                         ...         ...
95 2020-04-26  324.133435  ...                         0.0  320.949248
96 2020-04-27  324.178760  ...                         0.0  318.871933
97 2020-04-28  324.224086  ...                         0.0  319.794617
98 2020-04-29  324.269412  ...                         0.0  319.672438
99 2020-04-30  324.314737  ...                         0.0  320.555469

[100 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 1.
COUNTRY: Beijing
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-01-22    0.063277  ...                         0.0    2.594461
1  2020-01-23   16.218119  ...                         0.0   17.090920
2  2020-01-24   32.372962  ...                         0.0   33.424568
3  2020-01-25   48.527804  ...                         0.0   48.881637
4  2020-01-26   64.682647  ...                         0.0   65.978730
..        ...         ...  ...                         ...         ...
95 2020-04-26  866.163015  ...                         0.0  867.459098
96 2020-04-27  876.061981  ...                         0.0  876.977110
97 2020-04-28  885.960948  ...                         0.0  885.828524
98 2020-04-29  895.859914  ...                         0.0  898.391098
99 2020-04-30  905.758880  ...                         0.0  906.631681

[100 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 8.
COUNTRY: Guinea-Bissau
           ds  trend  ...  multiplicative_terms_upper  yhat
0  2020-03-25    2.0  ...                         0.0   2.0
1  2020-03-26    2.0  ...                         0.0   2.0
2  2020-03-27    2.0  ...                         0.0   2.0
3  2020-03-28    2.0  ...                         0.0   2.0
4  2020-03-29    2.0  ...                         0.0   2.0
5  2020-03-30    2.0  ...                         0.0   2.0
6  2020-03-31    2.0  ...                         0.0   2.0
7  2020-04-01    2.0  ...                         0.0   2.0
8  2020-04-02    2.0  ...                         0.0   2.0
9  2020-04-03    2.0  ...                         0.0   2.0
10 2020-04-04    2.0  ...                         0.0   2.0
11 2020-04-05    2.0  ...                         0.0   2.0
12 2020-04-06    2.0  ...                         0.0   2.0
13 2020-04-07    2.0  ...                         0.0   2.0
14 2020-04-08    2.0  ...                         0.0   2.0
15 2020-04-09    2.0  ...                         0.0   2.0
16 2020-04-10    2.0  ...                         0.0   2.0
17 2020-04-11    2.0  ...                         0.0   2.0
18 2020-04-12    2.0  ...                         0.0   2.0
19 2020-04-13    2.0  ...                         0.0   2.0
20 2020-04-14    2.0  ...                         0.0   2.0
21 2020-04-15    2.0  ...                         0.0   2.0
22 2020-04-16    2.0  ...                         0.0   2.0
23 2020-04-17    2.0  ...                         0.0   2.0
24 2020-04-18    2.0  ...                         0.0   2.0
25 2020-04-19    2.0  ...                         0.0   2.0
26 2020-04-20    2.0  ...                         0.0   2.0
27 2020-04-21    2.0  ...                         0.0   2.0
28 2020-04-22    2.0  ...                         0.0   2.0
29 2020-04-23    2.0  ...                         0.0   2.0
30 2020-04-24    2.0  ...                         0.0   2.0
31 2020-04-25    2.0  ...                         0.0   2.0
32 2020-04-26    2.0  ...                         0.0   2.0
33 2020-04-27    2.0  ...                         0.0   2.0
34 2020-04-28    2.0  ...                         0.0   2.0
35 2020-04-29    2.0  ...                         0.0   2.0
36 2020-04-30    2.0  ...                         0.0   2.0

[37 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Liberia
           ds     trend  ...  multiplicative_terms_upper       yhat
0  2020-03-16  0.080249  ...                         0.0   1.359192
1  2020-03-17  0.272604  ...                         0.0   1.551548
2  2020-03-18  0.464960  ...                         0.0   1.743903
3  2020-03-19  0.657315  ...                         0.0   1.936259
4  2020-03-20  0.849671  ...                         0.0   2.128614
5  2020-03-21  1.042026  ...                         0.0   2.320970
6  2020-03-22  1.234382  ...                         0.0   2.513325
7  2020-03-23  1.426737  ...                         0.0   2.705681
8  2020-03-24  1.619093  ...                         0.0   2.898036
9  2020-03-25  1.811448  ...                         0.0   3.090392
10 2020-03-26  2.003803  ...                         0.0   3.282747
11 2020-03-27  2.196159  ...                         0.0   3.475102
12 2020-03-28  2.388514  ...                         0.0   3.667458
13 2020-03-29  2.580870  ...                         0.0   3.859813
14 2020-03-30  2.773225  ...                         0.0   4.052169
15 2020-03-31  2.965581  ...                         0.0   4.244524
16 2020-04-01  3.157936  ...                         0.0   4.436880
17 2020-04-02  3.350292  ...                         0.0   4.629235
18 2020-04-03  3.542647  ...                         0.0   4.821591
19 2020-04-04  3.735003  ...                         0.0   5.013946
20 2020-04-05  3.927358  ...                         0.0   5.206302
21 2020-04-06  4.119713  ...                         0.0   5.398657
22 2020-04-07  4.312069  ...                         0.0   5.591013
23 2020-04-08  4.504424  ...                         0.0   5.783368
24 2020-04-09  4.696780  ...                         0.0   5.975723
25 2020-04-10  4.889135  ...                         0.0   6.168079
26 2020-04-11  5.081491  ...                         0.0   6.360434
27 2020-04-12  5.273846  ...                         0.0   6.552790
28 2020-04-13  5.466202  ...                         0.0   6.745145
29 2020-04-14  5.658557  ...                         0.0   6.937501
30 2020-04-15  5.850913  ...                         0.0   7.129856
31 2020-04-16  6.043268  ...                         0.0   7.322212
32 2020-04-17  6.235624  ...                         0.0   7.514567
33 2020-04-18  6.427979  ...                         0.0   7.706923
34 2020-04-19  6.620334  ...                         0.0   7.899278
35 2020-04-20  6.812690  ...                         0.0   8.091634
36 2020-04-21  7.005045  ...                         0.0   8.283989
37 2020-04-22  7.197401  ...                         0.0   8.476344
38 2020-04-23  7.389756  ...                         0.0   8.668700
39 2020-04-24  7.582112  ...                         0.0   8.861055
40 2020-04-25  7.774467  ...                         0.0   9.053411
41 2020-04-26  7.966823  ...                         0.0   9.245766
42 2020-04-27  8.159178  ...                         0.0   9.438122
43 2020-04-28  8.351534  ...                         0.0   9.630477
44 2020-04-29  8.543889  ...                         0.0   9.822833
45 2020-04-30  8.736245  ...                         0.0  10.015188

[46 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 7.
COUNTRY: Kentucky
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-10   -2.900966  ...                         0.0  -40.344902
1  2020-03-11   12.100485  ...                         0.0  -27.678341
2  2020-03-12   27.101935  ...                         0.0   -7.011883
3  2020-03-13   42.103385  ...                         0.0   15.654413
4  2020-03-14   57.104835  ...                         0.0   -2.005756
5  2020-03-15   72.106286  ...                         0.0    8.994141
6  2020-03-16   87.107736  ...                         0.0   19.494050
7  2020-03-17  102.109186  ...                         0.0   64.665250
8  2020-03-18  117.110637  ...                         0.0   77.331811
9  2020-03-19  132.112087  ...                         0.0   97.998269
10 2020-03-20  147.113941  ...                         0.0  120.664969
11 2020-03-21  162.115795  ...                         0.0  103.005203
12 2020-03-22  177.117648  ...                         0.0  114.005504
13 2020-03-23  192.119502  ...                         0.0  124.505816
14 2020-03-24  207.121356  ...                         0.0  169.677419
15 2020-03-25  222.123210  ...                         0.0  182.344385
16 2020-03-26  237.125064  ...                         0.0  203.011245
17 2020-03-27  252.126917  ...                         0.0  225.677945
18 2020-03-28  267.128771  ...                         0.0  208.018180
19 2020-03-29  282.130625  ...                         0.0  219.018480
20 2020-03-30  297.132479  ...                         0.0  229.518792
21 2020-03-31  312.134333  ...                         0.0  274.690396
22 2020-04-01  327.136186  ...                         0.0  287.357361
23 2020-04-02  342.138040  ...                         0.0  308.024222
24 2020-04-03  357.139894  ...                         0.0  330.690922
25 2020-04-04  372.141748  ...                         0.0  313.031156
26 2020-04-05  387.143602  ...                         0.0  324.031457
27 2020-04-06  402.145455  ...                         0.0  334.531769
28 2020-04-07  417.147309  ...                         0.0  379.703373
29 2020-04-08  432.149163  ...                         0.0  392.370338
30 2020-04-09  447.151017  ...                         0.0  413.037199
31 2020-04-10  462.152871  ...                         0.0  435.703899
32 2020-04-11  477.154724  ...                         0.0  418.044133
33 2020-04-12  492.156578  ...                         0.0  429.044434
34 2020-04-13  507.158432  ...                         0.0  439.544746
35 2020-04-14  522.160286  ...                         0.0  484.716349
36 2020-04-15  537.162140  ...                         0.0  497.383314
37 2020-04-16  552.163993  ...                         0.0  518.050175
38 2020-04-17  567.165847  ...                         0.0  540.716875
39 2020-04-18  582.167701  ...                         0.0  523.057110
40 2020-04-19  597.169555  ...                         0.0  534.057410
41 2020-04-20  612.171409  ...                         0.0  544.557722
42 2020-04-21  627.173262  ...                         0.0  589.729326
43 2020-04-22  642.175116  ...                         0.0  602.396291
44 2020-04-23  657.176970  ...                         0.0  623.063152
45 2020-04-24  672.178824  ...                         0.0  645.729852
46 2020-04-25  687.180678  ...                         0.0  628.070086
47 2020-04-26  702.182531  ...                         0.0  639.070387
48 2020-04-27  717.184385  ...                         0.0  649.570699
49 2020-04-28  732.186239  ...                         0.0  694.742303
50 2020-04-29  747.188093  ...                         0.0  707.409268
51 2020-04-30  762.189947  ...                         0.0  728.076128

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Zambia
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-18  -0.137028  ...                         0.0  -2.322338
1  2020-03-19   1.867300  ...                         0.0  -0.318011
2  2020-03-20   3.871627  ...                         0.0   1.686317
3  2020-03-21   5.875955  ...                         0.0   3.690645
4  2020-03-22   7.880283  ...                         0.0   5.694972
5  2020-03-23   9.884610  ...                         0.0   7.699300
6  2020-03-24  11.888938  ...                         0.0   9.703628
7  2020-03-25  13.893266  ...                         0.0  11.707955
8  2020-03-26  15.897593  ...                         0.0  13.712283
9  2020-03-27  17.901921  ...                         0.0  15.716611
10 2020-03-28  19.906249  ...                         0.0  17.720938
11 2020-03-29  21.910577  ...                         0.0  19.725266
12 2020-03-30  23.914904  ...                         0.0  21.729594
13 2020-03-31  25.919232  ...                         0.0  23.733921
14 2020-04-01  27.923560  ...                         0.0  25.738249
15 2020-04-02  29.927887  ...                         0.0  27.742577
16 2020-04-03  31.932215  ...                         0.0  29.746904
17 2020-04-04  33.936543  ...                         0.0  31.751232
18 2020-04-05  35.940870  ...                         0.0  33.755560
19 2020-04-06  37.945198  ...                         0.0  35.759887
20 2020-04-07  39.949526  ...                         0.0  37.764215
21 2020-04-08  41.953853  ...                         0.0  39.768543
22 2020-04-09  43.958181  ...                         0.0  41.772871
23 2020-04-10  45.962509  ...                         0.0  43.777198
24 2020-04-11  47.966836  ...                         0.0  45.781526
25 2020-04-12  49.971164  ...                         0.0  47.785854
26 2020-04-13  51.975492  ...                         0.0  49.790181
27 2020-04-14  53.979819  ...                         0.0  51.794509
28 2020-04-15  55.984147  ...                         0.0  53.798837
29 2020-04-16  57.988475  ...                         0.0  55.803164
30 2020-04-17  59.992803  ...                         0.0  57.807492
31 2020-04-18  61.997130  ...                         0.0  59.811820
32 2020-04-19  64.001458  ...                         0.0  61.816147
33 2020-04-20  66.005786  ...                         0.0  63.820475
34 2020-04-21  68.010113  ...                         0.0  65.824803
35 2020-04-22  70.014441  ...                         0.0  67.829130
36 2020-04-23  72.018769  ...                         0.0  69.833458
37 2020-04-24  74.023096  ...                         0.0  71.837786
38 2020-04-25  76.027424  ...                         0.0  73.842113
39 2020-04-26  78.031752  ...                         0.0  75.846441
40 2020-04-27  80.036079  ...                         0.0  77.850769
41 2020-04-28  82.040407  ...                         0.0  79.855097
42 2020-04-29  84.044735  ...                         0.0  81.859424
43 2020-04-30  86.049062  ...                         0.0  83.863752

[44 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 19.
COUNTRY: Italy
           ds          trend  ...  multiplicative_terms_upper           yhat
0  2020-01-31      -7.397921  ...                         0.0     -65.794665
1  2020-02-01       1.960651  ...                         0.0     107.774618
2  2020-02-02      11.319223  ...                         0.0     408.116234
3  2020-02-03      20.677796  ...                         0.0      77.094406
4  2020-02-04      30.036368  ...                         0.0    -244.427421
..        ...            ...  ...                         ...            ...
86 2020-04-26  243220.134697  ...                         0.0  243616.931708
87 2020-04-27  248485.465152  ...                         0.0  248541.881763
88 2020-04-28  253750.795608  ...                         0.0  253476.331818
89 2020-04-29  259016.126063  ...                         0.0  258572.665246
90 2020-04-30  264281.456518  ...                         0.0  263674.665666

[91 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 11.
COUNTRY: Morocco
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-02   -4.304847  ...                         0.0  -62.123206
1  2020-03-03    5.796165  ...                         0.0  -52.860536
2  2020-03-04   15.897177  ...                         0.0  -35.839070
3  2020-03-05   25.998189  ...                         0.0  -19.317111
4  2020-03-06   36.099201  ...                         0.0    1.961386
5  2020-03-07   46.200213  ...                         0.0  -32.218205
6  2020-03-08   56.301224  ...                         0.0  -22.201713
7  2020-03-09   66.402236  ...                         0.0    8.583877
8  2020-03-10   76.503248  ...                         0.0   17.846547
9  2020-03-11   86.604260  ...                         0.0   34.868013
10 2020-03-12   96.705272  ...                         0.0   51.389972
11 2020-03-13  106.806284  ...                         0.0   72.668470
12 2020-03-14  116.907316  ...                         0.0   38.488898
13 2020-03-15  127.008348  ...                         0.0   48.505411
14 2020-03-16  137.109380  ...                         0.0   79.291021
15 2020-03-17  147.210412  ...                         0.0   88.553710
16 2020-03-18  157.311459  ...                         0.0  105.575211
17 2020-03-19  167.412505  ...                         0.0  122.097206
18 2020-03-20  177.513552  ...                         0.0  143.375738
19 2020-03-21  187.614604  ...                         0.0  109.196187
20 2020-03-22  197.716280  ...                         0.0  119.213343
21 2020-03-23  207.817955  ...                         0.0  149.999596
22 2020-03-24  217.919631  ...                         0.0  159.262929
23 2020-03-25  228.021306  ...                         0.0  176.285059
24 2020-03-26  238.122982  ...                         0.0  192.807682
25 2020-03-27  248.224657  ...                         0.0  214.086843
26 2020-03-28  258.326333  ...                         0.0  179.907915
27 2020-03-29  268.428008  ...                         0.0  189.925071
28 2020-03-30  278.529684  ...                         0.0  220.711325
29 2020-03-31  288.631359  ...                         0.0  229.974658
30 2020-04-01  298.733035  ...                         0.0  246.996787
31 2020-04-02  308.834710  ...                         0.0  263.519411
32 2020-04-03  318.936386  ...                         0.0  284.798571
33 2020-04-04  329.038061  ...                         0.0  250.619644
34 2020-04-05  339.139737  ...                         0.0  260.636800
35 2020-04-06  349.241412  ...                         0.0  291.423053
36 2020-04-07  359.343088  ...                         0.0  300.686386
37 2020-04-08  369.444763  ...                         0.0  317.708516
38 2020-04-09  379.546439  ...                         0.0  334.231139
39 2020-04-10  389.648114  ...                         0.0  355.510300
40 2020-04-11  399.749790  ...                         0.0  321.331372
41 2020-04-12  409.851465  ...                         0.0  331.348528
42 2020-04-13  419.953141  ...                         0.0  362.134782
43 2020-04-14  430.054816  ...                         0.0  371.398115
44 2020-04-15  440.156492  ...                         0.0  388.420244
45 2020-04-16  450.258167  ...                         0.0  404.942868
46 2020-04-17  460.359843  ...                         0.0  426.222028
47 2020-04-18  470.461518  ...                         0.0  392.043101
48 2020-04-19  480.563194  ...                         0.0  402.060257
49 2020-04-20  490.664869  ...                         0.0  432.846510
50 2020-04-21  500.766545  ...                         0.0  442.109843
51 2020-04-22  510.868220  ...                         0.0  459.131973
52 2020-04-23  520.969896  ...                         0.0  475.654596
53 2020-04-24  531.071571  ...                         0.0  496.933757
54 2020-04-25  541.173247  ...                         0.0  462.754829
55 2020-04-26  551.274922  ...                         0.0  472.771985
56 2020-04-27  561.376598  ...                         0.0  503.558239
57 2020-04-28  571.478273  ...                         0.0  512.821572
58 2020-04-29  581.579949  ...                         0.0  529.843701
59 2020-04-30  591.681624  ...                         0.0  546.366325

[60 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 5.
COUNTRY: Guinea
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-13  -0.027339  ...                         0.0   0.534886
1  2020-03-14   0.372469  ...                         0.0   0.100906
2  2020-03-15   0.772278  ...                         0.0   0.100926
3  2020-03-16   1.172086  ...                         0.0   1.100919
4  2020-03-17   1.571894  ...                         0.0   1.100939
5  2020-03-18   1.971702  ...                         0.0   1.100959
6  2020-03-19   2.371510  ...                         0.0   1.100979
7  2020-03-20   2.771318  ...                         0.0   3.333543
8  2020-03-21   3.171126  ...                         0.0   2.899563
9  2020-03-22   3.570935  ...                         0.0   2.899583
10 2020-03-23   3.970743  ...                         0.0   3.899576
11 2020-03-24   4.370551  ...                         0.0   3.899596
12 2020-03-25   4.770359  ...                         0.0   3.899616
13 2020-03-26   5.170167  ...                         0.0   3.899636
14 2020-03-27   5.569976  ...                         0.0   6.132201
15 2020-03-28   5.969784  ...                         0.0   5.698221
16 2020-03-29   6.369592  ...                         0.0   5.698241
17 2020-03-30   6.769400  ...                         0.0   6.698233
18 2020-03-31   7.169208  ...                         0.0   6.698253
19 2020-04-01   7.569017  ...                         0.0   6.698273
20 2020-04-02   7.968825  ...                         0.0   6.698293
21 2020-04-03   8.368633  ...                         0.0   8.930858
22 2020-04-04   8.768441  ...                         0.0   8.496878
23 2020-04-05   9.168249  ...                         0.0   8.496898
24 2020-04-06   9.568058  ...                         0.0   9.496891
25 2020-04-07   9.967866  ...                         0.0   9.496911
26 2020-04-08  10.367674  ...                         0.0   9.496931
27 2020-04-09  10.767482  ...                         0.0   9.496951
28 2020-04-10  11.167290  ...                         0.0  11.729515
29 2020-04-11  11.567099  ...                         0.0  11.295536
30 2020-04-12  11.966907  ...                         0.0  11.295555
31 2020-04-13  12.366715  ...                         0.0  12.295548
32 2020-04-14  12.766523  ...                         0.0  12.295568
33 2020-04-15  13.166331  ...                         0.0  12.295588
34 2020-04-16  13.566140  ...                         0.0  12.295608
35 2020-04-17  13.965948  ...                         0.0  14.528173
36 2020-04-18  14.365756  ...                         0.0  14.094193
37 2020-04-19  14.765564  ...                         0.0  14.094213
38 2020-04-20  15.165372  ...                         0.0  15.094206
39 2020-04-21  15.565181  ...                         0.0  15.094226
40 2020-04-22  15.964989  ...                         0.0  15.094246
41 2020-04-23  16.364797  ...                         0.0  15.094265
42 2020-04-24  16.764605  ...                         0.0  17.326830
43 2020-04-25  17.164413  ...                         0.0  16.892850
44 2020-04-26  17.564222  ...                         0.0  16.892870
45 2020-04-27  17.964030  ...                         0.0  17.892863
46 2020-04-28  18.363838  ...                         0.0  17.892883
47 2020-04-29  18.763646  ...                         0.0  17.892903
48 2020-04-30  19.163454  ...                         0.0  17.892923

[49 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 7.
COUNTRY: Haiti
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-20   0.092147  ...                         0.0   1.576175
1  2020-03-21   1.176924  ...                         0.0   2.660952
2  2020-03-22   2.261701  ...                         0.0   3.745728
3  2020-03-23   3.346478  ...                         0.0   4.830505
4  2020-03-24   4.431254  ...                         0.0   5.915282
5  2020-03-25   5.516031  ...                         0.0   7.000059
6  2020-03-26   6.600808  ...                         0.0   8.084836
7  2020-03-27   7.685585  ...                         0.0   9.169612
8  2020-03-28   8.770361  ...                         0.0  10.254389
9  2020-03-29   9.855138  ...                         0.0  11.339166
10 2020-03-30  10.939915  ...                         0.0  12.423943
11 2020-03-31  12.024692  ...                         0.0  13.508719
12 2020-04-01  13.109469  ...                         0.0  14.593496
13 2020-04-02  14.194245  ...                         0.0  15.678273
14 2020-04-03  15.279022  ...                         0.0  16.763050
15 2020-04-04  16.363799  ...                         0.0  17.847827
16 2020-04-05  17.448576  ...                         0.0  18.932603
17 2020-04-06  18.533352  ...                         0.0  20.017380
18 2020-04-07  19.618129  ...                         0.0  21.102157
19 2020-04-08  20.702906  ...                         0.0  22.186934
20 2020-04-09  21.787683  ...                         0.0  23.271710
21 2020-04-10  22.872460  ...                         0.0  24.356487
22 2020-04-11  23.957236  ...                         0.0  25.441264
23 2020-04-12  25.042013  ...                         0.0  26.526041
24 2020-04-13  26.126790  ...                         0.0  27.610818
25 2020-04-14  27.211567  ...                         0.0  28.695594
26 2020-04-15  28.296343  ...                         0.0  29.780371
27 2020-04-16  29.381120  ...                         0.0  30.865148
28 2020-04-17  30.465897  ...                         0.0  31.949925
29 2020-04-18  31.550674  ...                         0.0  33.034701
30 2020-04-19  32.635451  ...                         0.0  34.119478
31 2020-04-20  33.720227  ...                         0.0  35.204255
32 2020-04-21  34.805004  ...                         0.0  36.289032
33 2020-04-22  35.889781  ...                         0.0  37.373809
34 2020-04-23  36.974558  ...                         0.0  38.458585
35 2020-04-24  38.059334  ...                         0.0  39.543362
36 2020-04-25  39.144111  ...                         0.0  40.628139
37 2020-04-26  40.228888  ...                         0.0  41.712916
38 2020-04-27  41.313665  ...                         0.0  42.797692
39 2020-04-28  42.398442  ...                         0.0  43.882469
40 2020-04-29  43.483218  ...                         0.0  44.967246
41 2020-04-30  44.567995  ...                         0.0  46.052023

[42 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Mauritius
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-18   -0.501750  ...                         0.0   -8.530354
1  2020-03-19    9.416079  ...                         0.0    1.387475
2  2020-03-20   19.333908  ...                         0.0   11.305304
3  2020-03-21   29.251777  ...                         0.0   21.223173
4  2020-03-22   39.169646  ...                         0.0   31.141042
5  2020-03-23   49.087515  ...                         0.0   41.058911
6  2020-03-24   59.005384  ...                         0.0   50.976780
7  2020-03-25   68.923253  ...                         0.0   60.894649
8  2020-03-26   78.841122  ...                         0.0   70.812519
9  2020-03-27   88.758991  ...                         0.0   80.730388
10 2020-03-28   98.676861  ...                         0.0   90.648257
11 2020-03-29  108.594730  ...                         0.0  100.566126
12 2020-03-30  118.512599  ...                         0.0  110.483995
13 2020-03-31  128.430468  ...                         0.0  120.401864
14 2020-04-01  138.348337  ...                         0.0  130.319733
15 2020-04-02  148.266206  ...                         0.0  140.237603
16 2020-04-03  158.184075  ...                         0.0  150.155472
17 2020-04-04  168.101945  ...                         0.0  160.073341
18 2020-04-05  178.019814  ...                         0.0  169.991210
19 2020-04-06  187.937683  ...                         0.0  179.909079
20 2020-04-07  197.855552  ...                         0.0  189.826948
21 2020-04-08  207.773421  ...                         0.0  199.744817
22 2020-04-09  217.691290  ...                         0.0  209.662687
23 2020-04-10  227.609159  ...                         0.0  219.580556
24 2020-04-11  237.527029  ...                         0.0  229.498425
25 2020-04-12  247.444898  ...                         0.0  239.416294
26 2020-04-13  257.362767  ...                         0.0  249.334163
27 2020-04-14  267.280636  ...                         0.0  259.252032
28 2020-04-15  277.198505  ...                         0.0  269.169901
29 2020-04-16  287.116374  ...                         0.0  279.087771
30 2020-04-17  297.034243  ...                         0.0  289.005640
31 2020-04-18  306.952113  ...                         0.0  298.923509
32 2020-04-19  316.869982  ...                         0.0  308.841378
33 2020-04-20  326.787851  ...                         0.0  318.759247
34 2020-04-21  336.705720  ...                         0.0  328.677116
35 2020-04-22  346.623589  ...                         0.0  338.594985
36 2020-04-23  356.541458  ...                         0.0  348.512855
37 2020-04-24  366.459327  ...                         0.0  358.430724
38 2020-04-25  376.377197  ...                         0.0  368.348593
39 2020-04-26  386.295066  ...                         0.0  378.266462
40 2020-04-27  396.212935  ...                         0.0  388.184331
41 2020-04-28  406.130804  ...                         0.0  398.102200
42 2020-04-29  416.048673  ...                         0.0  408.020069
43 2020-04-30  425.966542  ...                         0.0  417.937939

[44 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: New Jersey
           ds         trend  ...  multiplicative_terms_upper          yhat
0  2020-03-10   -100.521081  ...                         0.0  -1479.534432
1  2020-03-11    299.515711  ...                         0.0  -1233.784619
2  2020-03-12    699.552505  ...                         0.0   -247.904082
3  2020-03-13   1099.589298  ...                         0.0    451.962896
4  2020-03-14   1499.626090  ...                         0.0   -701.221447
5  2020-03-15   1899.662880  ...                         0.0   -392.428360
6  2020-03-16   2299.699671  ...                         0.0    113.459388
7  2020-03-17   2699.736461  ...                         0.0   1320.723110
8  2020-03-18   3099.773255  ...                         0.0   1566.472926
9  2020-03-19   3499.810053  ...                         0.0   2552.353465
10 2020-03-20   3899.849594  ...                         0.0   3252.223192
11 2020-03-21   4299.889137  ...                         0.0   2099.041601
12 2020-03-22   4699.928684  ...                         0.0   2407.837443
13 2020-03-23   5099.968234  ...                         0.0   2913.727952
14 2020-03-24   5500.007786  ...                         0.0   4120.994435
15 2020-03-25   5900.047337  ...                         0.0   4366.747008
16 2020-03-26   6300.086889  ...                         0.0   5352.630301
17 2020-03-27   6700.126440  ...                         0.0   6052.500038
18 2020-03-28   7100.165991  ...                         0.0   4899.318455
19 2020-03-29   7500.205543  ...                         0.0   5208.114302
20 2020-03-30   7900.245094  ...                         0.0   5714.004811
21 2020-03-31   8300.284645  ...                         0.0   6921.271295
22 2020-04-01   8700.324197  ...                         0.0   7167.023867
23 2020-04-02   9100.363748  ...                         0.0   8152.907161
24 2020-04-03   9500.403299  ...                         0.0   8852.776897
25 2020-04-04   9900.442851  ...                         0.0   7699.595314
26 2020-04-05  10300.482402  ...                         0.0   8008.391161
27 2020-04-06  10700.521953  ...                         0.0   8514.281671
28 2020-04-07  11100.561505  ...                         0.0   9721.548154
29 2020-04-08  11500.601056  ...                         0.0   9967.300727
30 2020-04-09  11900.640608  ...                         0.0  10953.184020
31 2020-04-10  12300.680159  ...                         0.0  11653.053757
32 2020-04-11  12700.719710  ...                         0.0  10499.872174
33 2020-04-12  13100.759262  ...                         0.0  10808.668021
34 2020-04-13  13500.798813  ...                         0.0  11314.558530
35 2020-04-14  13900.838364  ...                         0.0  12521.825014
36 2020-04-15  14300.877916  ...                         0.0  12767.577586
37 2020-04-16  14700.917467  ...                         0.0  13753.460880
38 2020-04-17  15100.957018  ...                         0.0  14453.330616
39 2020-04-18  15500.996570  ...                         0.0  13300.149033
40 2020-04-19  15901.036121  ...                         0.0  13608.944880
41 2020-04-20  16301.075673  ...                         0.0  14114.835390
42 2020-04-21  16701.115224  ...                         0.0  15322.101873
43 2020-04-22  17101.154775  ...                         0.0  15567.854446
44 2020-04-23  17501.194327  ...                         0.0  16553.737739
45 2020-04-24  17901.233878  ...                         0.0  17253.607476
46 2020-04-25  18301.273429  ...                         0.0  16100.425893
47 2020-04-26  18701.312981  ...                         0.0  16409.221740
48 2020-04-27  19101.352532  ...                         0.0  16915.112249
49 2020-04-28  19501.392083  ...                         0.0  18122.378733
50 2020-04-29  19901.431635  ...                         0.0  18368.131305
51 2020-04-30  20301.471186  ...                         0.0  19354.014599

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Inner Mongolia
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-01-24   0.112980  ...                         0.0   2.863218
1  2020-01-25   3.263551  ...                         0.0   4.865544
2  2020-01-26   6.414122  ...                         0.0   7.535893
3  2020-01-27   9.564693  ...                         0.0  11.206466
4  2020-01-28  12.715264  ...                         0.0  13.907895
..        ...        ...  ...                         ...        ...
93 2020-04-26  84.833729  ...                         0.0  85.955499
94 2020-04-27  85.078302  ...                         0.0  86.720075
95 2020-04-28  85.322875  ...                         0.0  86.515506
96 2020-04-29  85.567448  ...                         0.0  87.199986
97 2020-04-30  85.812021  ...                         0.0  88.551293

[98 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: United Kingdom
           ds         trend  ...  multiplicative_terms_upper         yhat
0  2020-01-31    -92.583872  ...                         0.0 -1235.529112
1  2020-02-01     28.789247  ...                         0.0 -2176.973941
2  2020-02-02    150.162366  ...                         0.0 -2084.519753
3  2020-02-03    271.535485  ...                         0.0 -1906.330546
4  2020-02-04    392.908604  ...                         0.0 -1668.743976
..        ...           ...  ...                         ...          ...
86 2020-04-26  10427.424486  ...                         0.0  8192.742367
87 2020-04-27  10550.370869  ...                         0.0  8372.504838
88 2020-04-28  10673.317252  ...                         0.0  8611.664672
89 2020-04-29  10796.263635  ...                         0.0  8892.170035
90 2020-04-30  10919.210018  ...                         0.0  9170.997812

[91 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 5.
COUNTRY: Nepal
           ds     trend  ...  multiplicative_terms_upper      yhat
0  2020-01-25  0.044926  ...                         0.0  0.659192
1  2020-01-26  0.057024  ...                         0.0  0.659027
2  2020-01-27  0.069122  ...                         0.0  0.769964
3  2020-01-28  0.081220  ...                         0.0  0.769783
4  2020-01-29  0.093317  ...                         0.0  0.880705
..        ...       ...  ...                         ...       ...
92 2020-04-26  1.185856  ...                         0.0  1.787859
93 2020-04-27  1.198467  ...                         0.0  1.899309
94 2020-04-28  1.211078  ...                         0.0  1.899641
95 2020-04-29  1.223688  ...                         0.0  2.011076
96 2020-04-30  1.236299  ...                         0.0  2.011390

[97 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Sint Maarten
           ds      trend  ...  multiplicative_terms_upper       yhat
0  2020-03-20   0.043762  ...                         0.0   0.748122
1  2020-03-21   0.401457  ...                         0.0   1.105817
2  2020-03-22   0.759152  ...                         0.0   1.463512
3  2020-03-23   1.116847  ...                         0.0   1.821207
4  2020-03-24   1.474542  ...                         0.0   2.178902
5  2020-03-25   1.832237  ...                         0.0   2.536597
6  2020-03-26   2.189932  ...                         0.0   2.894292
7  2020-03-27   2.547627  ...                         0.0   3.251987
8  2020-03-28   2.905322  ...                         0.0   3.609681
9  2020-03-29   3.263017  ...                         0.0   3.967376
10 2020-03-30   3.620712  ...                         0.0   4.325071
11 2020-03-31   3.978407  ...                         0.0   4.682766
12 2020-04-01   4.336102  ...                         0.0   5.040461
13 2020-04-02   4.693797  ...                         0.0   5.398156
14 2020-04-03   5.051492  ...                         0.0   5.755851
15 2020-04-04   5.409187  ...                         0.0   6.113546
16 2020-04-05   5.766882  ...                         0.0   6.471241
17 2020-04-06   6.124577  ...                         0.0   6.828936
18 2020-04-07   6.482271  ...                         0.0   7.186631
19 2020-04-08   6.839966  ...                         0.0   7.544326
20 2020-04-09   7.197661  ...                         0.0   7.902021
21 2020-04-10   7.555356  ...                         0.0   8.259716
22 2020-04-11   7.913051  ...                         0.0   8.617411
23 2020-04-12   8.270746  ...                         0.0   8.975106
24 2020-04-13   8.628441  ...                         0.0   9.332801
25 2020-04-14   8.986136  ...                         0.0   9.690496
26 2020-04-15   9.343831  ...                         0.0  10.048191
27 2020-04-16   9.701526  ...                         0.0  10.405886
28 2020-04-17  10.059221  ...                         0.0  10.763581
29 2020-04-18  10.416916  ...                         0.0  11.121276
30 2020-04-19  10.774611  ...                         0.0  11.478971
31 2020-04-20  11.132306  ...                         0.0  11.836665
32 2020-04-21  11.490001  ...                         0.0  12.194360
33 2020-04-22  11.847696  ...                         0.0  12.552055
34 2020-04-23  12.205391  ...                         0.0  12.909750
35 2020-04-24  12.563086  ...                         0.0  13.267445
36 2020-04-25  12.920781  ...                         0.0  13.625140
37 2020-04-26  13.278476  ...                         0.0  13.982835
38 2020-04-27  13.636171  ...                         0.0  14.340530
39 2020-04-28  13.993866  ...                         0.0  14.698225
40 2020-04-29  14.351561  ...                         0.0  15.055920
41 2020-04-30  14.709255  ...                         0.0  15.413615

[42 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 22.
COUNTRY: Hunan
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-01-22    22.448166  ...                         0.0   363.891570
1  2020-01-23    36.094427  ...                         0.0   377.543208
2  2020-01-24    49.740687  ...                         0.0   392.797021
3  2020-01-25    63.386947  ...                         0.0   432.187537
4  2020-01-26    77.033207  ...                         0.0   447.906663
..        ...          ...  ...                         ...          ...
95 2020-04-26  1312.492856  ...                         0.0  1683.366312
96 2020-04-27  1326.042692  ...                         0.0  1697.989862
97 2020-04-28  1339.592528  ...                         0.0  1714.503300
98 2020-04-29  1353.142364  ...                         0.0  1694.585767
99 2020-04-30  1366.692200  ...                         0.0  1708.140981

[100 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: Quebec
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-02-28   -19.725662  ...                         0.0  -156.019842
1  2020-02-29    22.588640  ...                         0.0  -393.788193
2  2020-03-01    64.902941  ...                         0.0  -382.327489
3  2020-03-02   107.217242  ...                         0.0  -273.623835
4  2020-03-03   149.531544  ...                         0.0  -171.426940
..        ...          ...  ...                         ...          ...
58 2020-04-26  2434.589138  ...                         0.0  1987.358709
59 2020-04-27  2476.905573  ...                         0.0  2096.064495
60 2020-04-28  2519.222007  ...                         0.0  2198.263524
61 2020-04-29  2561.538441  ...                         0.0  2286.455212
62 2020-04-30  2603.854876  ...                         0.0  2366.139889

[63 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Russia
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-01-31   -7.795304  ...                         0.0  -74.311352
1  2020-02-01    0.222601  ...                         0.0 -148.355284
2  2020-02-02    8.240506  ...                         0.0 -139.766595
3  2020-02-03   16.258411  ...                         0.0 -127.430373
4  2020-02-04   24.276317  ...                         0.0 -116.969100
..        ...         ...  ...                         ...         ...
86 2020-04-26  686.175028  ...                         0.0  538.167927
87 2020-04-27  694.273737  ...                         0.0  550.584953
88 2020-04-28  702.372447  ...                         0.0  561.127030
89 2020-04-29  710.471157  ...                         0.0  585.666149
90 2020-04-30  718.569867  ...                         0.0  616.076912

[91 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
COUNTRY: South Carolina
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-10    -5.977949  ...                         0.0   -76.716812
1  2020-03-11    23.836734  ...                         0.0   -48.376981
2  2020-03-12    53.651417  ...                         0.0   -36.375427
3  2020-03-13    83.466100  ...                         0.0    18.301854
4  2020-03-14   113.280783  ...                         0.0    -9.372501
5  2020-03-15   143.095467  ...                         0.0     7.638480
6  2020-03-16   172.910150  ...                         0.0    61.150770
7  2020-03-17   202.724833  ...                         0.0   131.985970
8  2020-03-18   232.539517  ...                         0.0   160.325801
9  2020-03-19   262.354231  ...                         0.0   172.327387
10 2020-03-20   292.169046  ...                         0.0   227.004799
11 2020-03-21   321.983860  ...                         0.0   199.330576
12 2020-03-22   351.798675  ...                         0.0   216.341688
13 2020-03-23   381.613490  ...                         0.0   269.854109
14 2020-03-24   411.428304  ...                         0.0   340.689441
15 2020-03-25   441.243119  ...                         0.0   369.029404
16 2020-03-26   471.057933  ...                         0.0   381.031089
17 2020-03-27   500.872748  ...                         0.0   435.708502
18 2020-03-28   530.687562  ...                         0.0   408.034278
19 2020-03-29   560.502377  ...                         0.0   425.045390
20 2020-03-30   590.317191  ...                         0.0   478.557811
21 2020-03-31   620.132006  ...                         0.0   549.393143
22 2020-04-01   649.946821  ...                         0.0   577.733105
23 2020-04-02   679.761635  ...                         0.0   589.734791
24 2020-04-03   709.576450  ...                         0.0   644.412203
25 2020-04-04   739.391264  ...                         0.0   616.737980
26 2020-04-05   769.206079  ...                         0.0   633.749092
27 2020-04-06   799.020893  ...                         0.0   687.261513
28 2020-04-07   828.835708  ...                         0.0   758.096845
29 2020-04-08   858.650522  ...                         0.0   786.436807
30 2020-04-09   888.465337  ...                         0.0   798.438493
31 2020-04-10   918.280151  ...                         0.0   853.115905
32 2020-04-11   948.094966  ...                         0.0   825.441681
33 2020-04-12   977.909781  ...                         0.0   842.452794
34 2020-04-13  1007.724595  ...                         0.0   895.965215
35 2020-04-14  1037.539410  ...                         0.0   966.800546
36 2020-04-15  1067.354224  ...                         0.0   995.140509
37 2020-04-16  1097.169039  ...                         0.0  1007.142195
38 2020-04-17  1126.983853  ...                         0.0  1061.819607
39 2020-04-18  1156.798668  ...                         0.0  1034.145383
40 2020-04-19  1186.613482  ...                         0.0  1051.156496
41 2020-04-20  1216.428297  ...                         0.0  1104.668917
42 2020-04-21  1246.243111  ...                         0.0  1175.504248
43 2020-04-22  1276.057926  ...                         0.0  1203.844211
44 2020-04-23  1305.872741  ...                         0.0  1215.845897
45 2020-04-24  1335.687555  ...                         0.0  1270.523309
46 2020-04-25  1365.502370  ...                         0.0  1242.849085
47 2020-04-26  1395.317184  ...                         0.0  1259.860198
48 2020-04-27  1425.131999  ...                         0.0  1313.372619
49 2020-04-28  1454.946813  ...                         0.0  1384.207950
50 2020-04-29  1484.761628  ...                         0.0  1412.547913
51 2020-04-30  1514.576442  ...                         0.0  1424.549599

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Egypt
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-02-14   -6.612963  ...                         0.0  -87.990910
1  2020-02-15    3.827304  ...                         0.0 -112.388851
2  2020-02-16   14.267571  ...                         0.0 -100.914883
3  2020-02-17   24.707837  ...                         0.0  -86.780636
4  2020-02-18   35.148104  ...                         0.0  -72.482300
..        ...         ...  ...                         ...         ...
72 2020-04-26  747.577469  ...                         0.0  632.395015
73 2020-04-27  758.067539  ...                         0.0  646.579066
74 2020-04-28  768.557609  ...                         0.0  660.927205
75 2020-04-29  779.047679  ...                         0.0  670.117990
76 2020-04-30  789.537749  ...                         0.0  687.954630

[77 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: New Hampshire
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-10   -1.371552  ...                         0.0  -17.318625
1  2020-03-11    7.340650  ...                         0.0  -14.651879
2  2020-03-12   16.052852  ...                         0.0    1.347731
3  2020-03-13   24.765055  ...                         0.0    8.347628
4  2020-03-14   33.477257  ...                         0.0    0.508478
5  2020-03-15   42.189459  ...                         0.0   13.007988
6  2020-03-16   50.901662  ...                         0.0   28.507493
7  2020-03-17   59.613866  ...                         0.0   43.666793
8  2020-03-18   68.326070  ...                         0.0   46.333541
9  2020-03-19   77.038286  ...                         0.0   62.333164
10 2020-03-20   85.750508  ...                         0.0   69.333081
11 2020-03-21   94.463217  ...                         0.0   61.494438
12 2020-03-22  103.175927  ...                         0.0   73.994455
13 2020-03-23  111.888636  ...                         0.0   89.494467
14 2020-03-24  120.601345  ...                         0.0  104.654273
15 2020-03-25  129.314055  ...                         0.0  107.321526
16 2020-03-26  138.026764  ...                         0.0  123.321642
17 2020-03-27  146.739473  ...                         0.0  130.322046
18 2020-03-28  155.452183  ...                         0.0  122.483404
19 2020-03-29  164.164892  ...                         0.0  134.983421
20 2020-03-30  172.877601  ...                         0.0  150.483432
21 2020-03-31  181.590311  ...                         0.0  165.643238
22 2020-04-01  190.303020  ...                         0.0  168.310491
23 2020-04-02  199.015729  ...                         0.0  184.310608
24 2020-04-03  207.728439  ...                         0.0  191.311012
25 2020-04-04  216.441148  ...                         0.0  183.472369
26 2020-04-05  225.153857  ...                         0.0  195.972386
27 2020-04-06  233.866567  ...                         0.0  211.472398
28 2020-04-07  242.579276  ...                         0.0  226.632204
29 2020-04-08  251.291985  ...                         0.0  229.299456
30 2020-04-09  260.004695  ...                         0.0  245.299573
31 2020-04-10  268.717404  ...                         0.0  252.299977
32 2020-04-11  277.430113  ...                         0.0  244.461334
33 2020-04-12  286.142823  ...                         0.0  256.961351
34 2020-04-13  294.855532  ...                         0.0  272.461363
35 2020-04-14  303.568241  ...                         0.0  287.621169
36 2020-04-15  312.280951  ...                         0.0  290.288422
37 2020-04-16  320.993660  ...                         0.0  306.288538
38 2020-04-17  329.706369  ...                         0.0  313.288942
39 2020-04-18  338.419079  ...                         0.0  305.450300
40 2020-04-19  347.131788  ...                         0.0  317.950317
41 2020-04-20  355.844497  ...                         0.0  333.450328
42 2020-04-21  364.557207  ...                         0.0  348.610134
43 2020-04-22  373.269916  ...                         0.0  351.277387
44 2020-04-23  381.982625  ...                         0.0  367.277504
45 2020-04-24  390.695335  ...                         0.0  374.277908
46 2020-04-25  399.408044  ...                         0.0  366.439265
47 2020-04-26  408.120753  ...                         0.0  378.939282
48 2020-04-27  416.833463  ...                         0.0  394.439293
49 2020-04-28  425.546172  ...                         0.0  409.599100
50 2020-04-29  434.258881  ...                         0.0  412.266352
51 2020-04-30  442.971591  ...                         0.0  428.266469

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 10.
COUNTRY: Wisconsin
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-10    -9.754424  ...                         0.0  -152.314809
1  2020-03-11    38.498382  ...                         0.0   -97.993417
2  2020-03-12    86.751187  ...                         0.0   -39.341470
3  2020-03-13   135.003993  ...                         0.0    46.302237
4  2020-03-14   183.256799  ...                         0.0   -14.251799
5  2020-03-15   231.509604  ...                         0.0    37.728118
6  2020-03-16   279.762410  ...                         0.0    67.209987
7  2020-03-17   328.015225  ...                         0.0   185.454840
8  2020-03-18   376.268040  ...                         0.0   239.776241
9  2020-03-19   424.520855  ...                         0.0   298.428198
10 2020-03-20   472.778122  ...                         0.0   384.076366
11 2020-03-21   521.035390  ...                         0.0   323.526793
12 2020-03-22   569.292658  ...                         0.0   375.511172
13 2020-03-23   617.549926  ...                         0.0   404.997503
14 2020-03-24   665.807194  ...                         0.0   523.246809
15 2020-03-25   714.064462  ...                         0.0   577.572663
16 2020-03-26   762.321730  ...                         0.0   636.229073
17 2020-03-27   810.578998  ...                         0.0   721.877242
18 2020-03-28   858.836266  ...                         0.0   661.327668
19 2020-03-29   907.093533  ...                         0.0   713.312047
20 2020-03-30   955.350801  ...                         0.0   742.798378
21 2020-03-31  1003.608069  ...                         0.0   861.047684
22 2020-04-01  1051.865337  ...                         0.0   915.373538
23 2020-04-02  1100.122605  ...                         0.0   974.029948
24 2020-04-03  1148.379873  ...                         0.0  1059.678117
25 2020-04-04  1196.637141  ...                         0.0   999.128544
26 2020-04-05  1244.894409  ...                         0.0  1051.112922
27 2020-04-06  1293.151677  ...                         0.0  1080.599254
28 2020-04-07  1341.408945  ...                         0.0  1198.848560
29 2020-04-08  1389.666212  ...                         0.0  1253.174414
30 2020-04-09  1437.923480  ...                         0.0  1311.830823
31 2020-04-10  1486.180748  ...                         0.0  1397.478992
32 2020-04-11  1534.438016  ...                         0.0  1336.929419
33 2020-04-12  1582.695284  ...                         0.0  1388.913798
34 2020-04-13  1630.952552  ...                         0.0  1418.400129
35 2020-04-14  1679.209820  ...                         0.0  1536.649435
36 2020-04-15  1727.467088  ...                         0.0  1590.975289
37 2020-04-16  1775.724356  ...                         0.0  1649.631699
38 2020-04-17  1823.981624  ...                         0.0  1735.279867
39 2020-04-18  1872.238892  ...                         0.0  1674.730294
40 2020-04-19  1920.496159  ...                         0.0  1726.714673
41 2020-04-20  1968.753427  ...                         0.0  1756.201004
42 2020-04-21  2017.010695  ...                         0.0  1874.450310
43 2020-04-22  2065.267963  ...                         0.0  1928.776164
44 2020-04-23  2113.525231  ...                         0.0  1987.432574
45 2020-04-24  2161.782499  ...                         0.0  2073.080743
46 2020-04-25  2210.039767  ...                         0.0  2012.531170
47 2020-04-26  2258.297035  ...                         0.0  2064.515548
48 2020-04-27  2306.554303  ...                         0.0  2094.001880
49 2020-04-28  2354.811571  ...                         0.0  2212.251185
50 2020-04-29  2403.068838  ...                         0.0  2266.577039
51 2020-04-30  2451.326106  ...                         0.0  2325.233449

[52 rows x 19 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:Disabling weekly seasonality. Run prophet with weekly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 10.
COUNTRY: Uruguay
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-14   -1.012815  ...                         0.0  -17.658163
1  2020-03-15   18.233776  ...                         0.0    1.588428
2  2020-03-16   37.480368  ...                         0.0   20.835019
3  2020-03-17   56.726959  ...                         0.0   40.081611
4  2020-03-18   75.973550  ...                         0.0   59.328202
5  2020-03-19   95.220150  ...                         0.0   78.574802
6  2020-03-20  114.466750  ...                         0.0   97.821402
7  2020-03-21  133.713350  ...                         0.0  117.068002
8  2020-03-22  152.959950  ...                         0.0  136.314601
9  2020-03-23  172.206550  ...                         0.0  155.561201
10 2020-03-24  191.453150  ...                         0.0  174.807801
11 2020-03-25  210.699750  ...                         0.0  194.054401
12 2020-03-26  229.946350  ...                         0.0  213.301001
13 2020-03-27  249.192949  ...                         0.0  232.547601
14 2020-03-28  268.439549  ...                         0.0  251.794201
15 2020-03-29  287.686149  ...                         0.0  271.040801
16 2020-03-30  306.932749  ...                         0.0  290.287401
17 2020-03-31  326.179349  ...                         0.0  309.534001
18 2020-04-01  345.425949  ...                         0.0  328.780601
19 2020-04-02  364.672549  ...                         0.0  348.027201
20 2020-04-03  383.919149  ...                         0.0  367.273801
21 2020-04-04  403.165749  ...                         0.0  386.520401
22 2020-04-05  422.412349  ...                         0.0  405.767001
23 2020-04-06  441.658949  ...                         0.0  425.013601
24 2020-04-07  460.905549  ...                         0.0  444.260201
25 2020-04-08  480.152149  ...                         0.0  463.506800
26 2020-04-09  499.398749  ...                         0.0  482.753400
27 2020-04-10  518.645349  ...                         0.0  502.000000
28 2020-04-11  537.891949  ...                         0.0  521.246600
29 2020-04-12  557.138548  ...                         0.0  540.493200
30 2020-04-13  576.385148  ...                         0.0  559.739800
31 2020-04-14  595.631748  ...                         0.0  578.986400
32 2020-04-15  614.878348  ...                         0.0  598.233000
33 2020-04-16  634.124948  ...                         0.0  617.479600
34 2020-04-17  653.371548  ...                         0.0  636.726200
35 2020-04-18  672.618148  ...                         0.0  655.972800
36 2020-04-19  691.864748  ...                         0.0  675.219400
37 2020-04-20  711.111348  ...                         0.0  694.466000
38 2020-04-21  730.357948  ...                         0.0  713.712600
39 2020-04-22  749.604548  ...                         0.0  732.959200
40 2020-04-23  768.851148  ...                         0.0  752.205800
41 2020-04-24  788.097748  ...                         0.0  771.452400
42 2020-04-25  807.344348  ...                         0.0  790.698999
43 2020-04-26  826.590948  ...                         0.0  809.945599
44 2020-04-27  845.837548  ...                         0.0  829.192199
45 2020-04-28  865.084148  ...                         0.0  848.438799
46 2020-04-29  884.330747  ...                         0.0  867.685399
47 2020-04-30  903.577347  ...                         0.0  886.931999

[48 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
INFO:fbprophet:n_changepoints greater than number of observations. Using 13.
COUNTRY: Venezuela
           ds       trend  ...  multiplicative_terms_upper        yhat
0  2020-03-14    0.068818  ...                         0.0    2.406820
1  2020-03-15    8.358817  ...                         0.0   10.696820
2  2020-03-16   16.648816  ...                         0.0   18.986819
3  2020-03-17   24.938815  ...                         0.0   27.276818
4  2020-03-18   33.228814  ...                         0.0   35.566817
5  2020-03-19   41.518813  ...                         0.0   43.856816
6  2020-03-20   49.808813  ...                         0.0   52.146815
7  2020-03-21   58.098812  ...                         0.0   60.436814
8  2020-03-22   66.388811  ...                         0.0   68.726813
9  2020-03-23   74.678810  ...                         0.0   77.016812
10 2020-03-24   82.968809  ...                         0.0   85.306812
11 2020-03-25   91.258808  ...                         0.0   93.596811
12 2020-03-26   99.548807  ...                         0.0  101.886810
13 2020-03-27  107.838806  ...                         0.0  110.176809
14 2020-03-28  116.128806  ...                         0.0  118.466808
15 2020-03-29  124.418805  ...                         0.0  126.756807
16 2020-03-30  132.708804  ...                         0.0  135.046806
17 2020-03-31  140.998803  ...                         0.0  143.336805
18 2020-04-01  149.288802  ...                         0.0  151.626805
19 2020-04-02  157.578801  ...                         0.0  159.916804
20 2020-04-03  165.868800  ...                         0.0  168.206803
21 2020-04-04  174.158799  ...                         0.0  176.496802
22 2020-04-05  182.448799  ...                         0.0  184.786801
23 2020-04-06  190.738798  ...                         0.0  193.076800
24 2020-04-07  199.028797  ...                         0.0  201.366799
25 2020-04-08  207.318796  ...                         0.0  209.656798
26 2020-04-09  215.608795  ...                         0.0  217.946798
27 2020-04-10  223.898794  ...                         0.0  226.236797
28 2020-04-11  232.188793  ...                         0.0  234.526796
29 2020-04-12  240.478792  ...                         0.0  242.816795
30 2020-04-13  248.768792  ...                         0.0  251.106794
31 2020-04-14  257.058791  ...                         0.0  259.396793
32 2020-04-15  265.348790  ...                         0.0  267.686792
33 2020-04-16  273.638789  ...                         0.0  275.976791
34 2020-04-17  281.928788  ...                         0.0  284.266791
35 2020-04-18  290.218787  ...                         0.0  292.556790
36 2020-04-19  298.508786  ...                         0.0  300.846789
37 2020-04-20  306.798785  ...                         0.0  309.136788
38 2020-04-21  315.088785  ...                         0.0  317.426787
39 2020-04-22  323.378784  ...                         0.0  325.716786
40 2020-04-23  331.668783  ...                         0.0  334.006785
41 2020-04-24  339.958782  ...                         0.0  342.296784
42 2020-04-25  348.248781  ...                         0.0  350.586784
43 2020-04-26  356.538780  ...                         0.0  358.876783
44 2020-04-27  364.828779  ...                         0.0  367.166782
45 2020-04-28  373.118778  ...                         0.0  375.456781
46 2020-04-29  381.408778  ...                         0.0  383.746780
47 2020-04-30  389.698777  ...                         0.0  392.036779

[48 rows x 16 columns]
/usr/local/lib/python3.6/dist-packages/fbprophet/plot.py:66: RuntimeWarning:

More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).

/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:12: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

COUNTRY: Minnesota
           ds        trend  ...  multiplicative_terms_upper         yhat
0  2020-03-10    -3.677096  ...                         0.0   -46.722910
1  2020-03-11    18.422946  ...                         0.0   -32.061858
2  2020-03-12    40.522988  ...                         0.0    -7.401731
3  2020-03-13    62.623030  ...                         0.0    20.257560
4  2020-03-14    84.723072  ...                         0.0     2.134814
5  2020-03-15   106.823114  ...                         0.0    23.626612
6  2020-03-16   128.923156  ...                         0.0    66.618048
7  2020-03-17   151.023198  ...                         0.0   107.977383
8  2020-03-18   173.128971  ...                         0.0   122.644167
9  2020-03-19   195.235770  ...                         0.0   147.311051
10 2020-03-20   217.343709  ...                         0.0   174.978240
11 2020-03-21   239.452658  ...                         0.0   156.864400
12 2020-03-22   261.563990  ...                         0.0   178.367488
13 2020-03-23   283.675322  ...                         0.0   221.370214
14 2020-03-24   305.786654  ...                         0.0   262.740839
15 2020-03-25   327.897985  ...                         0.0   277.413181
16 2020-03-26   350.009317  ...                         0.0   302.084598
17 2020-03-27   372.120649  ...                         0.0   329.755179
18 2020-03-28   394.231981  ...                         0.0   311.643724
19 2020-03-29   416.343313  ...                         0.0   333.146811
20 2020-03-30   438.454645  ...                         0.0   376.149537
21 2020-03-31   460.565977  ...                         0.0   417.520162
22 2020-04-01   482.677309  ...                         0.0   432.192504
23 2020-04-02   504.788641  ...                         0.0   456.863922
24 2020-04-03   526.899973  ...                         0.0   484.534503
25 2020-04-04   549.011305  ...                         0.0   466.423047
26 2020-04-05   571.122636  ...                         0.0   487.926135
27 2020-04-06   593.233968  ...                         0.0   530.928860
28 2020-04-07   615.345300  ...                         0.0   572.299486
29 2020-04-08   637.456632  ...                         0.0   586.971828
30 2020-04-09   659.567964  ...                         0.0   611.643245
31 2020-04-10   681.679296  ...                         0.0   639.313826
32 2020-04-11   703.790628  ...                         0.0   621.202370
33 2020-04-12   725.901960  ...                         0.0   642.705458
34 2020-04-13   748.013292  ...                         0.0   685.708184
35 2020-04-14   770.124624  ...                         0.0   727.078809
36 2020-04-15   792.235956  ...                         0.0   741.751151
37 2020-04-16   814.347287  ...                         0.0   766.422569
38 2020-04-17   836.458619  ...                         0.0   794.093150
39 2020-04-18   858.569951  ...                         0.0   775.981694
40 2020-04-19   880.681283  ...                         0.0   797.484782
41 2020-04-20   902.792615  ...                         0.0   840.487507
42 2020-04-21   924.903947  ...                         0.0   881.858132
43 2020-04-22   947.015279  ...                         0.0   896.530474
44 2020-04-23   969.126611  ...                         0.0   921.201892
45 2020-04-24   991.237943  ...                         0.0   948.872473
46 2020-04-25  1013.349275  ...                         0.0   930.761017
47 2020-04-26  1035.460607  ...                         0.0   952.264105
48 2020-04-27  1057.571939  ...                         0.0   995.266831
49 2020-04-28  1079.683270  ...                         0.0  1036.637456
50 2020-04-29  1101.794602  ...                         0.0  1051.309798
51 2020-04-30  1123.905934  ...                         0.0  1075.981215

[52 rows x 19 columns]
In [57]:
big_df
Out[57]:
ds trend yhat country
0 2020-03-07 -1.430856 -21.759509 Malta
1 2020-03-08 6.151689 -15.098138 Malta
2 2020-03-09 13.734234 -6.437629 Malta
3 2020-03-10 21.316779 -2.110366 Malta
4 2020-03-11 28.899323 4.549267 Malta
... ... ... ... ...
54 2020-04-26 1066.623472 942.658959 Argentina
55 2020-04-27 1086.501276 957.976186 Argentina
56 2020-04-28 1106.379080 1022.765024 Argentina
57 2020-04-29 1126.256884 1026.011058 Argentina
58 2020-04-30 1146.134688 1059.238247 Argentina

166 rows × 4 columns

In [122]:
df
Out[122]:
country ConfirmedCases
0 Liechtenstein 0 -0.621744 1 -0.092180 2 0.43738...
1 Uzbekistan 0 -0.696099 1 -0.105463 2 0.48517...
2 Montenegro 0 -0.492852 1 -0.077356 2 0.33814...
In [40]:
  # df = train[train['Country_Region'] == 'Spain']
  # df_0 = df[df['ConfirmedCases'] > 0]
  # sm = df_0[['Date','ConfirmedCases']]
  # sm.columns = ['ds', 'y']
  # results = get_prof_preds_for(sm, 30)
  # new_df = results[['ds', 'trend', 'yhat']]
  # new_df['country'] = country
  # big_df = big_df.append(new_df)
  # print('COUNTRY:', country)
  # print(results)
INFO:fbprophet:Disabling yearly seasonality. Run prophet with yearly_seasonality=True to override this.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:7: SettingWithCopyWarning:


A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy

COUNTRY: Cote d'Ivoire
           ds         trend  ...  multiplicative_terms_upper          yhat
0  2020-02-01   -596.422150  ...                         0.0 -11395.214857
1  2020-02-02     33.008232  ...                         0.0 -10770.005452
2  2020-02-03    662.438613  ...                         0.0  -9653.099997
3  2020-02-04   1291.868995  ...                         0.0  -8751.441998
4  2020-02-05   1921.299377  ...                         0.0  -7198.481803
..        ...           ...  ...                         ...           ...
81 2020-04-22  50561.920798  ...                         0.0  41442.139618
82 2020-04-23  51194.995473  ...                         0.0  42989.369190
83 2020-04-24  51828.070148  ...                         0.0  44677.654360
84 2020-04-25  52461.144823  ...                         0.0  41662.352116
85 2020-04-26  53094.219498  ...                         0.0  42291.205814

[86 rows x 19 columns]
In [0]:
train_spain = train[train['Country_Region'] == 'Spain']
In [44]:
train_spain
Out[44]:
Id Province_State Country_Region Date ConfirmedCases Fatalities
13794 20901 NaN Spain 2020-01-22 0.0 0.0
13795 20902 NaN Spain 2020-01-23 0.0 0.0
13796 20903 NaN Spain 2020-01-24 0.0 0.0
13797 20904 NaN Spain 2020-01-25 0.0 0.0
13798 20905 NaN Spain 2020-01-26 0.0 0.0
... ... ... ... ... ... ...
13855 20962 NaN Spain 2020-03-23 35136.0 2311.0
13856 20963 NaN Spain 2020-03-24 39885.0 2808.0
13857 20964 NaN Spain 2020-03-25 49515.0 3647.0
13858 20965 NaN Spain 2020-03-26 57786.0 4365.0
13859 20966 NaN Spain 2020-03-27 65719.0 5138.0

66 rows × 6 columns

In [45]:
big_df
Out[45]:
ds trend country
0 2020-03-07 -1.430856 Malta
1 2020-03-08 6.151689 Malta
2 2020-03-09 13.734234 Malta
3 2020-03-10 21.316779 Malta
4 2020-03-11 28.899323 Malta
... ... ... ...
81 2020-04-22 50561.920798 Cote d'Ivoire
82 2020-04-23 51194.995473 Cote d'Ivoire
83 2020-04-24 51828.070148 Cote d'Ivoire
84 2020-04-25 52461.144823 Cote d'Ivoire
85 2020-04-26 53094.219498 Cote d'Ivoire

239 rows × 3 columns

In [49]:
test.tail()
Out[49]:
ForecastId Province_State Country_Region Date
12637 12638 Zimbabwe Zimbabwe 2020-04-26
12638 12639 Zimbabwe Zimbabwe 2020-04-27
12639 12640 Zimbabwe Zimbabwe 2020-04-28
12640 12641 Zimbabwe Zimbabwe 2020-04-29
12641 12642 Zimbabwe Zimbabwe 2020-04-30
In [53]:
big_df
Out[53]:
ds trend country
0 2020-03-07 -1.430856 Malta
1 2020-03-08 6.151689 Malta
2 2020-03-09 13.734234 Malta
3 2020-03-10 21.316779 Malta
4 2020-03-11 28.899323 Malta
... ... ... ...
54 2020-04-26 1066.623472 Argentina
55 2020-04-27 1086.501276 Argentina
56 2020-04-28 1106.379080 Argentina
57 2020-04-29 1126.256884 Argentina
58 2020-04-30 1146.134688 Argentina

166 rows × 3 columns

In [0]: