{"nbformat":4,"nbformat_minor":0,"metadata":{"colab":{"name":"2022-01-19-fairness-obp.ipynb","provenance":[{"file_id":"https://github.com/recohut/nbs/blob/main/raw/T014724%20%7C%20Fairness%20Evaluation%20using%20OBP%20Library%20on%20ML-100k.ipynb","timestamp":1644650638997}],"collapsed_sections":[],"toc_visible":true,"mount_file_id":"1Xz6bMePMwcW7BnWn8q7MhQ1AWi8A7eUx","authorship_tag":"ABX9TyNXJFR2vpiYT4dNAMc5vbpE"},"kernelspec":{"name":"python3","display_name":"Python 3"},"language_info":{"name":"python"}},"cells":[{"cell_type":"markdown","metadata":{"id":"j_xZZNpDuI9a"},"source":["# Fairness Evaluation using OBP Library on ML-100k"]},{"cell_type":"markdown","metadata":{"id":"CxiWmRiFzT2X"},"source":["## Setup"]},{"cell_type":"markdown","metadata":{"id":"fQ64dOFO0fJe"},"source":["### Git"]},{"cell_type":"code","metadata":{"id":"2eRcpGL6XfDs"},"source":["!git clone -b T014724 https://github.com/sparsh-ai/drl-recsys.git"],"execution_count":null,"outputs":[]},{"cell_type":"code","metadata":{"colab":{"base_uri":"https://localhost:8080/"},"id":"6zqTPkYVvutg","executionInfo":{"status":"ok","timestamp":1636786136051,"user_tz":-330,"elapsed":7,"user":{"displayName":"Sparsh Agarwal","photoUrl":"https://lh3.googleusercontent.com/a/default-user=s64","userId":"13037694610922482904"}},"outputId":"85459c32-3c70-4ab8-e73b-06319540b0f5"},"source":["%cd drl-recsys"],"execution_count":null,"outputs":[{"output_type":"stream","name":"stdout","text":["/content/drl-recsys\n"]}]},{"cell_type":"markdown","metadata":{"id":"BXJY8c9d4Xi5"},"source":["### Installations"]},{"cell_type":"code","metadata":{"id":"DctyNOSdx-7h"},"source":["!pip install obp\n","!pip install wandb\n","!pip install luigi"],"execution_count":null,"outputs":[]},{"cell_type":"markdown","metadata":{"id":"GB_yDppW3_Yt"},"source":["### Imports"]},{"cell_type":"code","metadata":{"id":"yzkISSHMDccH"},"source":["%reload_ext autoreload\n","%autoreload 2"],"execution_count":null,"outputs":[]},{"cell_type":"code","metadata":{"id":"vrEmNkAAsQlM"},"source":["import numpy as np\n","from tqdm.notebook import tqdm\n","import sys\n","import os\n","import json \n","import logging\n","import pickle\n","import datetime\n","import yaml\n","import pandas as pd\n","from os import path as osp\n","from pathlib import Path\n","\n","import warnings\n","warnings.filterwarnings('ignore')\n","\n","from sklearn.linear_model import LogisticRegression\n","\n","import matplotlib.pyplot as plt\n","import plotly.express as px\n","import plotly.graph_objs as go\n","\n","import torch\n","import luigi\n","\n","import obp\n","from obp.policy.policy_type import PolicyType\n","from obp.utils import convert_to_action_dist\n","from obp.ope import (\n"," OffPolicyEvaluation, \n"," RegressionModel,\n"," InverseProbabilityWeighting as IPS,\n"," SelfNormalizedInverseProbabilityWeighting as SNIPS,\n"," DirectMethod as DM,\n"," DoublyRobust as DR,\n"," DoublyRobustWithShrinkage as DRos,\n",")\n","\n","from src.data.dataset import DatasetGeneration\n","from src.train_model import MovieLens\n","\n","from src.data.obp_dataset import MovieLensDataset\n","from src.model.simulator import run_bandit_simulation\n","from src.model.bandit import EpsilonGreedy, LinUCB, WFairLinUCB, FairLinUCB\n","from src.environment.ml_env import OfflineEnv, OfflineFairEnv\n","from src.model.recommender import DRRAgent, FairRecAgent\n","from src.model.pmf import PMF\n","from src.recsys_fair_metrics.recsys_fair import RecsysFair\n","from src.recsys_fair_metrics.util.util import parallel_literal_eval"],"execution_count":null,"outputs":[]},{"cell_type":"markdown","metadata":{"id":"NyxCtlrJ3_Ta"},"source":["### Params"]},{"cell_type":"code","metadata":{"id":"MXBwnUCD3_RD"},"source":["class Args:\n"," data_path = '/content/drl-recsys/data'\n"," model_path = '/content/drl-recsys/model'\n"," embedding_network_weights_path = osp.join(model_path,'pmf/emb_50_ratio_0.800000_bs_1000_e_258_wd_0.100000_lr_0.000100_trained_pmf.pt')\n","\n"," n_groups = 10\n"," fairness_weight = {k: 1.0 for k in range(1, n_groups + 1)}\n"," fairness_constraints = [1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0]\n","\n"," ENV = dict(drr=OfflineEnv, fairrec=OfflineFairEnv)\n"," AGENT = dict(drr=DRRAgent, fairrec=FairRecAgent)\n","\n"," algorithm = \"drr\"\n","\n"," train_ids = [\n"," \"movie_lens_100k_2021-10-24_01-42-57\", # long training\n"," \"movie_lens_100k_fair_2021-10-24_01-41-02\" # long training\n"," ]\n"," train_version = \"movie_lens_100k\"\n"," train_id = train_ids[1]\n","\n"," output_path = osp.join(model_path,'{}/{}'.format(train_version, train_id))\n"," Path(output_path).mkdir(parents=True, exist_ok=True)\n","\n"," users_num = 943\n"," items_num = 1682\n","\n"," state_size = 5\n"," srm_size = 3\n"," dim_context = 150\n","\n"," embedding_dim = 50\n"," actor_hidden_dim = 512\n"," actor_learning_rate = 0.0001\n"," critic_hidden_dim = 512\n"," critic_learning_rate = 0.001\n"," discount_factor = 0.9\n"," tau = 0.01\n"," learning_starts = 1000\n"," replay_memory_size = 1000000\n"," batch_size = 64\n"," emb_model = \"user_movie\"\n"," embedding_network_weights = embedding_network_weights_path\n","\n"," top_k = [5, 10]\n"," done_count = 10"],"execution_count":null,"outputs":[]},{"cell_type":"code","metadata":{"id":"SQ0xyi_cT7Ms"},"source":["device = torch.device(\"cuda\" if torch.cuda.is_available() else \"cpu\")"],"execution_count":null,"outputs":[]},{"cell_type":"markdown","metadata":{"id":"Q40X4lHf4JHw"},"source":["### Logger"]},{"cell_type":"code","metadata":{"id":"cibwpV5L4JFb"},"source":["logging.basicConfig(stream=sys.stdout,\n"," level = logging.DEBUG,\n"," format='%(asctime)s [%(levelname)s] : %(message)s',\n"," datefmt='%d-%b-%y %H:%M:%S')\n","\n","logger = logging.getLogger('Logger')"],"execution_count":null,"outputs":[]},{"cell_type":"markdown","metadata":{"id":"2M0-cN2ZzWE-"},"source":["## Modules"]},{"cell_type":"markdown","metadata":{"id":"NZe9e1CW4MWH"},"source":["### Dataset"]},{"cell_type":"markdown","metadata":{"id":"ZhEALNsZJBZY"},"source":["The dataset module inherits from obp.dataset.base.BaseRealBanditDatset (docs) and should implement three methods:\n","\n","- load_raw_data(): Load an on-disk representation of the dataset into the module. Used during initialization.\n","- pre_process(): Perform any preprocessing needed to transform the raw data representation into a final representation.\n","obtain_batch_bandit_feedback(): Return a dictionary containing (at - least) keys: [\"action\",\"position\",\"reward\",\"pscore\",\"context\",\"n_rounds\"]\n","\n","It is also helpful if the dataset module exposes a property len_list, which is how many items the bandit shows the user at a time. Often the answer is 1, though in the case of OBD it's 3."]},{"cell_type":"code","metadata":{"id":"hPJDSXRp4MTs"},"source":["def load_movielens_dataset():\n"," dataset = MovieLensDataset(\n"," data_path=args.data_path,\n"," embedding_network_weights_path=args.embedding_network_weights_path,\n"," embedding_dim=50,\n"," users_num=943,\n"," items_num=1682,\n"," state_size=5,\n"," )\n"," args.dataset = dataset"],"execution_count":null,"outputs":[]},{"cell_type":"code","metadata":{"id":"zlsTaXukJnbM"},"source":["def load_dataset_dict():\n"," # dataset_path = osp.join(args.data_path,\"movie_lens_100k_output_path.json\")\n"," # with open(dataset_path) as json_file:\n"," # _dataset_path = json.load(json_file)\n"," _dataset_path = {\n"," 'eval_users_dict': osp.join(args.data_path,'ml-100k','eval_users_dict.pkl'),\n"," 'eval_users_dict_positive_items': osp.join(args.data_path,'ml-100k','eval_users_dict_positive_items.pkl'),\n"," 'eval_users_history_lens': osp.join(args.data_path,'ml-100k','eval_users_history_lens.pkl'),\n"," 'movies_df': osp.join(args.data_path,'ml-100k','movies.csv'),\n"," 'movies_groups': osp.join(args.data_path,'ml-100k','movies_groups.pkl'),\n"," 'ratings_df': osp.join(args.data_path,'ml-100k','ratings.csv'),\n"," 'train_users_dict': osp.join(args.data_path,'ml-100k','train_users_dict.pkl'),\n"," 'train_users_history_lens': osp.join(args.data_path,'ml-100k','train_users_history_lens.pkl'),\n"," 'users_df': osp.join(args.data_path,'ml-100k','users.csv'),\n"," 'users_history_lens': osp.join(args.data_path,'ml-100k','users_history_lens.pkl'),\n"," }\n"," dataset = {}\n"," with open(os.path.join(\"..\", _dataset_path[\"eval_users_dict\"]), \"rb\") as pkl_file:\n"," dataset[\"eval_users_dict\"] = pickle.load(pkl_file)\n"," with open(os.path.join(\"..\", _dataset_path[\"eval_users_dict_positive_items\"]), \"rb\") as pkl_file:\n"," dataset[\"eval_users_dict_positive_items\"] = pickle.load(pkl_file)\n"," with open(os.path.join(\"..\", _dataset_path[\"eval_users_history_lens\"]), \"rb\") as pkl_file:\n"," dataset[\"eval_users_history_lens\"] = pickle.load(pkl_file)\n"," with open(os.path.join(\"..\", _dataset_path[\"users_history_lens\"]), \"rb\") as pkl_file:\n"," dataset[\"users_history_lens\"] = pickle.load(pkl_file)\n"," with open(os.path.join(\"..\", _dataset_path[\"movies_groups\"]), \"rb\") as pkl_file:\n"," dataset[\"movies_groups\"] = pickle.load(pkl_file)\n"," args.dataset = dataset\n","\n"," args.obp_dataset = MovieLensDataset(\n"," data_path=args.data_path,\n"," embedding_network_weights_path=args.embedding_network_weights_path,\n"," embedding_dim=50,\n"," users_num=943,\n"," items_num=1682,\n"," state_size=5,\n"," filter_ids=list(dataset[\"eval_users_dict\"].keys())\n"," )"],"execution_count":null,"outputs":[]},{"cell_type":"code","metadata":{"id":"eEhzULvb4MPE"},"source":["def load_bandit_feedback():\n"," bandit_feedback = args.dataset.obtain_batch_bandit_feedback()\n"," args.bandit_feedback = bandit_feedback\n"," print(\"feedback dict:\")\n"," for key, value in bandit_feedback.items():\n"," print(f\" {key}: {type(value)}\")\n"," exp_rand_reward = round(bandit_feedback[\"reward\"].mean(),4)\n"," args.exp_rand_reward = exp_rand_reward\n"," print(f\"Expected reward for uniform random actions: {exp_rand_reward}\")"],"execution_count":null,"outputs":[]},{"cell_type":"code","metadata":{"id":"45LiySTM4MM4"},"source":["def load_movie_groups():\n"," with open(osp.join(args.data_path,\"ml-100k\",\"movies_groups.pkl\"), \"rb\") as pkl_file:\n"," movies_groups = pickle.load(pkl_file)\n"," args.movies_groups = movies_groups"],"execution_count":null,"outputs":[]},{"cell_type":"markdown","metadata":{"id":"8h-C7XvYI7yw"},"source":["### Bandits"]},{"cell_type":"markdown","metadata":{"id":"__Z02GYLCWRQ"},"source":["OPE attempts to estimate the performance of online bandit algorithms using the logged bandit feedback and ReplayMethod(RM)."]},{"cell_type":"code","metadata":{"id":"Ih-FDdIz6xK1"},"source":["def create_bandit():\n"," if args.policy_name=='EpsilonGreedy':\n"," args.policy = EpsilonGreedy(\n"," n_actions=args.dataset.n_actions,\n"," epsilon=0.1,\n"," n_group=args.n_groups,\n"," item_group=args.movies_groups,\n"," fairness_weight=args.fairness_weight,\n"," )\n"," if args.policy_name=='WFairLinUCB':\n"," args.policy = WFairLinUCB(\n"," dim=args.dataset.dim_context,\n"," n_actions=args.dataset.n_actions,\n"," epsilon=0.1,\n"," n_group=args.n_groups,\n"," item_group=args.movies_groups,\n"," fairness_weight=args.fairness_weight,\n"," batch_size=1,\n"," )"],"execution_count":null,"outputs":[]},{"cell_type":"markdown","metadata":{"id":"_m7Ec6BRP77n"},"source":["### Reward models"]},{"cell_type":"code","metadata":{"id":"mgw8-mIzP9b8"},"source":["def actor_critic_checkpoints():\n"," actor_checkpoint = sorted(\n"," [\n"," int((f.split(\"_\")[1]).split(\".\")[0])\n"," for f in os.listdir(args.output_path)\n"," if f.startswith(\"actor_\")\n"," ]\n"," )[-1]\n"," critic_checkpoint = sorted(\n"," [\n"," int((f.split(\"_\")[1]).split(\".\")[0])\n"," for f in os.listdir(args.output_path)\n"," if f.startswith(\"critic_\")\n"," ]\n"," )[-1]\n","\n"," args.actor_checkpoint = actor_checkpoint\n"," args.critic_checkpoint = critic_checkpoint\n"," print(actor_checkpoint, critic_checkpoint)"],"execution_count":null,"outputs":[]},{"cell_type":"code","metadata":{"id":"yKXZIFfhUES-"},"source":["def pmf_model():\n"," args.reward_model = PMF(args.users_num, args.items_num, args.embedding_dim)\n"," args.reward_model.load_state_dict(\n"," torch.load(args.embedding_network_weights_path, map_location=torch.device(device))\n"," )\n"," args.user_embeddings = args.reward_model.user_embeddings.weight.data\n"," args.item_embeddings = args.reward_model.item_embeddings.weight.data"],"execution_count":null,"outputs":[]},{"cell_type":"markdown","metadata":{"id":"eA1yn82BUaR5"},"source":["### Metrics"]},{"cell_type":"code","metadata":{"id":"CyDe4JcoUaO9"},"source":["def calculate_ndcg(rel, irel):\n"," dcg = 0\n"," idcg = 0\n"," rel = [1 if r > 0 else 0 for r in rel]\n"," for i, (r, ir) in enumerate(zip(rel, irel)):\n"," dcg += (r) / np.log2(i + 2)\n"," idcg += (ir) / np.log2(i + 2)\n","\n"," return dcg, idcg"],"execution_count":null,"outputs":[]},{"cell_type":"markdown","metadata":{"id":"e2Fqz5rII_dV"},"source":["### Simulation"]},{"cell_type":"code","metadata":{"id":"OS9IeIbB6xG6"},"source":["def bandit_simulation():\n"," action_dist, aligned_cvr, cvr, propfair, ufg, group_count = run_bandit_simulation(\n"," bandit_feedback=args.bandit_feedback,\n"," policy=args.policy,\n"," epochs=5,\n"," )\n"," args.sim_output = (action_dist, aligned_cvr, cvr, propfair, ufg, group_count)"],"execution_count":null,"outputs":[]},{"cell_type":"code","metadata":{"id":"wQjqqCM4QYZT"},"source":["def run_offline_evaluator():\n","\n"," for K in args.top_k:\n"," _precision = []\n"," _ndcg = []\n"," for i in range(10):\n"," sum_precision = 0\n"," sum_ndcg = 0\n"," sum_propfair = 0\n","\n"," env = args.ENV[args.algorithm](\n"," users_dict=args.dataset[\"eval_users_dict\"],\n"," users_history_lens=args.dataset[\"eval_users_history_lens\"],\n"," n_groups=args.n_groups,\n"," movies_groups=args.dataset[\"movies_groups\"],\n"," state_size=args.state_size,\n"," done_count=args.done_count,\n"," fairness_constraints=args.fairness_constraints,\n"," )\n"," available_users = env.available_users\n","\n"," recommender = args.AGENT[args.algorithm](\n"," env=env,\n"," users_num=args.users_num,\n"," items_num=args.items_num,\n"," genres_num=0,\n"," movies_genres_id={}, \n"," srm_size=args.srm_size,\n"," state_size=args.state_size,\n"," train_version=args.train_version,\n"," is_test=True,\n"," embedding_dim=args.embedding_dim,\n"," actor_hidden_dim=args.actor_hidden_dim,\n"," actor_learning_rate=args.actor_learning_rate,\n"," critic_hidden_dim=args.critic_hidden_dim,\n"," critic_learning_rate=args.critic_learning_rate,\n"," discount_factor=args.discount_factor,\n"," tau=args.tau,\n"," replay_memory_size=args.replay_memory_size,\n"," batch_size=args.batch_size,\n"," model_path=args.output_path,\n"," emb_model=args.emb_model,\n"," embedding_network_weights_path=args.embedding_network_weights_path,\n"," n_groups=args.n_groups,\n"," fairness_constraints=args.fairness_constraints,\n"," )\n","\n"," recommender.load_model(\n"," os.path.join(args.output_path, \"actor_{}.h5\".format(args.actor_checkpoint)),\n"," os.path.join(\n"," args.output_path, \"critic_{}.h5\".format(args.critic_checkpoint)\n"," ),\n"," )\n"," for user_id in tqdm(available_users):\n"," eval_env = args.ENV[args.algorithm](\n"," users_dict=args.dataset[\"eval_users_dict\"],\n"," users_history_lens=args.dataset[\"eval_users_history_lens\"],\n"," n_groups=args.n_groups,\n"," movies_groups=args.dataset[\"movies_groups\"],\n"," state_size=args.state_size,\n"," done_count=args.done_count,\n"," fairness_constraints=args.fairness_constraints,\n"," fix_user_id=user_id\n"," )\n","\n"," recommender.env = eval_env\n"," available_items = set(eval_env.user_items.keys())\n","\n"," precision, ndcg, propfair = recommender.evaluate(\n"," eval_env, top_k=K, available_items=available_items\n"," )\n","\n"," sum_precision += precision\n"," sum_ndcg += ndcg\n"," sum_propfair += propfair\n","\n"," del eval_env\n","\n"," _precision.append(sum_precision / len(args.dataset[\"eval_users_dict\"]))\n"," _ndcg.append(sum_ndcg / len(args.dataset[\"eval_users_dict\"]))\n","\n"," print(\"Precision \", K, round(np.mean(_precision), 4), np.std(_precision))\n"," print(\"NDCG \", K, round(np.mean(_ndcg), 4), np.std(_ndcg))"],"execution_count":null,"outputs":[]},{"cell_type":"code","metadata":{"id":"JA7-x9UCUhja"},"source":["def run_offline_pmf_evaluator():\n"," for K in args.top_k:\n"," _precision = []\n"," _ndcg = []\n"," for i in range(10):\n"," sum_precision = 0\n"," sum_ndcg = 0\n"," sum_propfair = 0\n","\n"," env = OfflineEnv(\n"," users_dict=args.dataset[\"eval_users_dict\"],\n"," users_history_lens=args.dataset[\"eval_users_history_lens\"],\n"," n_groups=args.n_groups,\n"," movies_groups=args.dataset[\"movies_groups\"],\n"," state_size=args.state_size,\n"," done_count=args.done_count,\n"," fairness_constraints=args.fairness_constraints,\n"," )\n"," available_users = env.available_users\n","\n"," with open(args.output_path, \"rb\") as pkl_file:\n"," recommender = pickle.load(pkl_file)\n","\n"," recommender.len_list = K\n","\n"," for user_id in tqdm(available_users):\n"," eval_env = OfflineEnv(\n"," users_dict=args.dataset[\"eval_users_dict\"],\n"," users_history_lens=args.dataset[\"eval_users_history_lens\"],\n"," n_groups=args.n_groups,\n"," movies_groups=args.dataset[\"movies_groups\"],\n"," state_size=args.state_size,\n"," done_count=args.done_count,\n"," fairness_constraints=args.fairness_constraints,\n"," fix_user_id=user_id\n"," )\n","\n"," available_items = set(eval_env.user_items.keys())\n","\n"," # episodic reward\n"," episode_reward = 0\n"," steps = 0\n","\n"," mean_precision = 0\n"," mean_ndcg = 0\n","\n"," # Environment\n"," user_id, items_ids, done = env.reset()\n","\n"," while not done:\n"," # select a list of actions\n"," if recommender.policy_type == PolicyType.CONTEXT_FREE:\n"," selected_actions = recommender.select_action(list(available_items))\n"," elif recommender.policy_type == PolicyType.CONTEXTUAL:\n"," # observe current state & Find action\n"," user_eb = args.user_embeddings[user_id]\n"," items_eb = args.item_embeddings[items_ids]\n"," item_ave = torch.mean(items_eb, 0)\n"," context = torch.cat((user_eb, user_eb * item_ave, item_ave), 0).cpu().numpy()\n"," context = context.reshape(1, 50)\n"," selected_actions = recommender.select_action(context, list(available_items))\n"," \n"," ## Item\n"," recommended_item = selected_actions\n","\n"," # Calculate reward and observe new state (in env)\n"," ## Step\n"," next_items_ids, reward, done, _ = env.step(recommended_item, top_k=K)\n"," if top_k:\n"," correct_list = [1 if r > 0 else 0 for r in reward]\n"," # ndcg\n"," dcg, idcg = calculate_ndcg(\n"," correct_list, [1 for _ in range(len(reward))]\n"," )\n"," mean_ndcg += dcg / idcg\n","\n"," # precision\n"," correct_num = K - correct_list.count(0)\n"," mean_precision += correct_num / K\n"," else:\n"," mean_precision += 1 if reward > 0 else 0\n","\n"," reward = np.sum(reward)\n"," items_ids = next_items_ids\n"," episode_reward += reward\n"," steps += 1\n"," available_items = (\n"," available_items - set(recommended_item) if available_items else None\n"," )\n","\n"," sum_precision += mean_precision / steps\n"," sum_ndcg += mean_ndcg / steps\n","\n"," del eval_env\n","\n"," _precision.append(sum_precision / len(args.dataset[\"eval_users_dict\"]))\n"," _ndcg.append(sum_ndcg / len(args.dataset[\"eval_users_dict\"]))\n","\n"," print(\"Precision \", K, round(np.mean(_precision), 4), np.std(_precision))\n"," print(\"NDCG \", K, round(np.mean(_ndcg), 4), np.std(_ndcg))"],"execution_count":null,"outputs":[]},{"cell_type":"markdown","metadata":{"id":"TeEeka5bI9eV"},"source":["### Plotting"]},{"cell_type":"code","metadata":{"id":"fewJTQUW6xEt"},"source":["def plot_simulation_output():\n"," fig = go.Figure([\n"," go.Scatter(\n"," x=[i + 1 for i in range(len(args.sim_output[1]))],\n"," y=args.sim_output[1],\n"," name=\"CVR\"\n"," ),\n"," go.Scatter(\n"," x=[i + 1 for i in range(len(args.sim_output[1]))],\n"," y=[args.exp_rand_reward for i in range(len(args.sim_output[1]))],\n"," name=\"Mean Reward\"\n"," )\n"," ])\n"," fig.update_layout(title=\"EGreedy\")\n"," fig.update_yaxes(range=[0, 1])\n"," fig.show()"],"execution_count":null,"outputs":[]},{"cell_type":"markdown","metadata":{"id":"P0nc1kyjzX9T"},"source":["## Jobs"]},{"cell_type":"code","metadata":{"id":"2y8mdDjds6dr","colab":{"base_uri":"https://localhost:8080/"},"collapsed":true,"executionInfo":{"status":"ok","timestamp":1636787044767,"user_tz":-330,"elapsed":16107,"user":{"displayName":"Sparsh Agarwal","photoUrl":"https://lh3.googleusercontent.com/a/default-user=s64","userId":"13037694610922482904"}},"outputId":"b9b37292-e42a-434c-a3ac-037608e8f69d"},"source":["logger.info('JOB START: LOAD_DATASET')\n","args = Args()\n","load_movielens_dataset()\n","load_bandit_feedback()\n","load_movie_groups()\n","logger.info('JOB END: LOAD_DATASET')"],"execution_count":null,"outputs":[{"output_type":"stream","name":"stderr","text":["INFO:Logger:JOB START: LOAD_DATASET\n"]},{"output_type":"stream","name":"stdout","text":["----- Finished data load\n","----- Preprocessing dataset\n"]},{"output_type":"stream","name":"stderr","text":["INFO:Logger:JOB END: LOAD_DATASET\n"]},{"output_type":"stream","name":"stdout","text":["Finished preprocessing\n","feedback dict:\n"," n_rounds: \n"," n_actions: \n"," action: \n"," position: \n"," reward: \n"," pscore: \n"," context: \n"," action_context: \n","Expected reward for uniform random actions: 0.5567\n"]}]},{"cell_type":"code","metadata":{"id":"3ig3tPpB2Fx-","colab":{"base_uri":"https://localhost:8080/"},"collapsed":true,"executionInfo":{"status":"ok","timestamp":1636787321955,"user_tz":-330,"elapsed":1614,"user":{"displayName":"Sparsh Agarwal","photoUrl":"https://lh3.googleusercontent.com/a/default-user=s64","userId":"13037694610922482904"}},"outputId":"06dabcfb-c098-4efe-968a-f9e1a74fea84"},"source":["logger.info('JOB START: EPSILON_GREEDY_SIMULATION')\n","args.policy_name = 'EpsilonGreedy'\n","create_bandit()\n","bandit_simulation()\n","plot_simulation_output()\n","logger.info('JOB END: EPSILON_GREEDY_SIMULATION')"],"execution_count":null,"outputs":[{"output_type":"stream","name":"stderr","text":["INFO:Logger:JOB START: EPSILON_GREEDY_SIMULATION\n"]},{"output_type":"display_data","data":{"text/html":["\n","\n","\n","
\n"," \n"," \n"," \n","
\n"," \n","
\n","\n",""]},"metadata":{}},{"output_type":"stream","name":"stderr","text":["INFO:Logger:JOB END: EPSILON_GREEDY_SIMULATION\n"]}]},{"cell_type":"code","metadata":{"id":"QUQgKlu4EPWJ"},"source":["logger.info('JOB START: WFAIR_LINUCB_SIMULATION')\n","args.policy_name = 'WFairLinUCB'\n","create_bandit()\n","bandit_simulation()\n","plot_simulation_output()\n","logger.info('JOB END: WFAIR_LINUCB_SIMULATION')"],"execution_count":null,"outputs":[]},{"cell_type":"code","metadata":{"colab":{"base_uri":"https://localhost:8080/","height":1000},"id":"egS79T79jvVf","executionInfo":{"status":"error","timestamp":1636796920065,"user_tz":-330,"elapsed":707145,"user":{"displayName":"Sparsh Agarwal","photoUrl":"https://lh3.googleusercontent.com/a/default-user=s64","userId":"13037694610922482904"}},"outputId":"a5f7544d-aea9-4372-be85-39fff9b479a6","collapsed":true},"source":["#hide-output\n","logger.info('JOB START: MODEL_TRAINING_LUIGI_TASK')\n","luigi.build([DRLTrain()], workers=2, local_scheduler=True)\n","logger.info('JOB END: MODEL_TRAINING_LUIGI_TASK')"],"execution_count":null,"outputs":[{"output_type":"stream","name":"stderr","text":["INFO:luigi:logging already configured\n","DEBUG: Checking if DRLTrain(use_wandb=False, load_model=False, evaluate=False, train_version=movie_lens_100k, dataset_version=movie_lens_100k, train_id=) is complete\n","DEBUG:luigi-interface:Checking if DRLTrain(use_wandb=False, load_model=False, evaluate=False, train_version=movie_lens_100k, dataset_version=movie_lens_100k, train_id=) is complete\n","INFO: Informed scheduler that task DRLTrain_movie_lens_100k_False_False_9a61cbd661 has status PENDING\n","INFO:luigi-interface:Informed scheduler that task DRLTrain_movie_lens_100k_False_False_9a61cbd661 has status PENDING\n","INFO: Done scheduling tasks\n","INFO:luigi-interface:Done scheduling tasks\n","INFO: Running Worker with 2 processes\n","INFO:luigi-interface:Running Worker with 2 processes\n","DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Pending tasks: 1\n","DEBUG:luigi-interface:Pending tasks: 1\n","DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","INFO: [pid 2864] Worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558) running DRLTrain(use_wandb=False, load_model=False, evaluate=False, train_version=movie_lens_100k, dataset_version=movie_lens_100k, train_id=)\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: DRLTrain_movie_lens_100k_False_False_9a61cbd661 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:DRLTrain_movie_lens_100k_False_False_9a61cbd661 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","INFO:luigi-interface:[pid 2864] Worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558) running DRLTrain(use_wandb=False, load_model=False, evaluate=False, train_version=movie_lens_100k, dataset_version=movie_lens_100k, train_id=)\n"]},{"output_type":"stream","name":"stdout","text":["---------- Generate Dataset\n","---------- Train Model\n"]},{"output_type":"stream","name":"stderr","text":["INFO: [pid 2864] Worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558) new requirements DRLTrain(use_wandb=False, load_model=False, evaluate=False, train_version=movie_lens_100k, dataset_version=movie_lens_100k, train_id=)\n","INFO:luigi-interface:[pid 2864] Worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558) new requirements DRLTrain(use_wandb=False, load_model=False, evaluate=False, train_version=movie_lens_100k, dataset_version=movie_lens_100k, train_id=)\n","DEBUG: Checking if MovieLens(output_path=/content/drl-recsys/model/movie_lens_100k/movie_lens_100k_2021-11-13_09-36-56, algorithm=drr, epochs=5, users_num=943, items_num=1682, state_size=5, srm_size=3, max_eps_num=30000, embedding_dim=50, actor_hidden_dim=512, actor_learning_rate=0.0001, critic_hidden_dim=512, critic_learning_rate=0.001, discount_factor=0.9, tau=0.01, learning_starts=5000, replay_memory_size=1000000, batch_size=64, n_groups=10, fairness_constraints=[1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0], top_k=10, done_count=10, emb_model=user_movie, embedding_network_weights=model/pmf/emb_50_ratio_0.800000_bs_1000_e_258_wd_0.100000_lr_0.000100_trained_pmf.pt, train_version=movie_lens_100k, use_wandb=False, load_model=False, dataset_path=data/movie_lens_100k_output_path.json, evaluate=False) is complete\n","DEBUG:luigi-interface:Checking if MovieLens(output_path=/content/drl-recsys/model/movie_lens_100k/movie_lens_100k_2021-11-13_09-36-56, algorithm=drr, epochs=5, users_num=943, items_num=1682, state_size=5, srm_size=3, max_eps_num=30000, embedding_dim=50, actor_hidden_dim=512, actor_learning_rate=0.0001, critic_hidden_dim=512, critic_learning_rate=0.001, discount_factor=0.9, tau=0.01, learning_starts=5000, replay_memory_size=1000000, batch_size=64, n_groups=10, fairness_constraints=[1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0], top_k=10, done_count=10, emb_model=user_movie, embedding_network_weights=model/pmf/emb_50_ratio_0.800000_bs_1000_e_258_wd_0.100000_lr_0.000100_trained_pmf.pt, train_version=movie_lens_100k, use_wandb=False, load_model=False, dataset_path=data/movie_lens_100k_output_path.json, evaluate=False) is complete\n","INFO: Informed scheduler that task MovieLens_512_0_0001_drr_7f481285b1 has status PENDING\n","INFO:luigi-interface:Informed scheduler that task MovieLens_512_0_0001_drr_7f481285b1 has status PENDING\n","INFO: Informed scheduler that task DRLTrain_movie_lens_100k_False_False_9a61cbd661 has status PENDING\n","INFO:luigi-interface:Informed scheduler that task DRLTrain_movie_lens_100k_False_False_9a61cbd661 has status PENDING\n","DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Pending tasks: 2\n","DEBUG:luigi-interface:Pending tasks: 2\n","DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","INFO: [pid 2878] Worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558) running MovieLens(output_path=/content/drl-recsys/model/movie_lens_100k/movie_lens_100k_2021-11-13_09-36-56, algorithm=drr, epochs=5, users_num=943, items_num=1682, state_size=5, srm_size=3, max_eps_num=30000, embedding_dim=50, actor_hidden_dim=512, actor_learning_rate=0.0001, critic_hidden_dim=512, critic_learning_rate=0.001, discount_factor=0.9, tau=0.01, learning_starts=5000, replay_memory_size=1000000, batch_size=64, n_groups=10, fairness_constraints=[1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0], top_k=10, done_count=10, emb_model=user_movie, embedding_network_weights=model/pmf/emb_50_ratio_0.800000_bs_1000_e_258_wd_0.100000_lr_0.000100_trained_pmf.pt, train_version=movie_lens_100k, use_wandb=False, load_model=False, dataset_path=data/movie_lens_100k_output_path.json, evaluate=False)\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","INFO:luigi-interface:[pid 2878] Worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558) running MovieLens(output_path=/content/drl-recsys/model/movie_lens_100k/movie_lens_100k_2021-11-13_09-36-56, algorithm=drr, epochs=5, users_num=943, items_num=1682, state_size=5, srm_size=3, max_eps_num=30000, embedding_dim=50, actor_hidden_dim=512, actor_learning_rate=0.0001, critic_hidden_dim=512, critic_learning_rate=0.001, discount_factor=0.9, tau=0.01, learning_starts=5000, replay_memory_size=1000000, batch_size=64, n_groups=10, fairness_constraints=[1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0], top_k=10, done_count=10, emb_model=user_movie, embedding_network_weights=model/pmf/emb_50_ratio_0.800000_bs_1000_e_258_wd_0.100000_lr_0.000100_trained_pmf.pt, train_version=movie_lens_100k, use_wandb=False, load_model=False, dataset_path=data/movie_lens_100k_output_path.json, evaluate=False)\n"]},{"output_type":"stream","name":"stdout","text":["---------- Prepare Env\n","------------ drr\n","---------- Initialize Agent\n"]},{"output_type":"stream","name":"stderr","text":["DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"]},{"output_type":"stream","name":"stdout","text":["---------- Start Training\n"]},{"output_type":"stream","name":"stderr","text":["\u001b[1;30;43mStreaming output truncated to the last 5000 lines.\u001b[0m\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 571/30000 [00:49<3:59:12, 2.05it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 573/30000 [00:50<4:09:01, 1.97it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 575/30000 [00:51<3:57:01, 2.07it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 577/30000 [00:52<3:49:11, 2.14it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 579/30000 [00:53<4:08:52, 1.97it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 581/30000 [00:54<4:19:48, 1.89it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 583/30000 [00:55<4:22:38, 1.87it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 584/30000 [00:56<4:26:31, 1.84it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 586/30000 [00:57<4:32:07, 1.80it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 588/30000 [00:58<4:38:07, 1.76it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 590/30000 [00:59<4:45:02, 1.72it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 593/30000 [01:00<3:39:04, 2.24it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 595/30000 [01:01<3:16:52, 2.49it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 597/30000 [01:02<3:52:18, 2.11it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 599/30000 [01:03<4:08:50, 1.97it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 601/30000 [01:04<4:18:44, 1.89it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 603/30000 [01:05<4:23:20, 1.86it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 605/30000 [01:06<4:03:43, 2.01it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 607/30000 [01:07<4:17:59, 1.90it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 609/30000 [01:08<4:26:56, 1.84it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 611/30000 [01:09<4:02:03, 2.02it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 613/30000 [01:11<4:18:22, 1.90it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 615/30000 [01:12<4:23:21, 1.86it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 617/30000 [01:13<4:26:58, 1.83it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 619/30000 [01:14<4:20:52, 1.88it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 620/30000 [01:14<4:26:49, 1.84it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 622/30000 [01:15<4:26:51, 1.83it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 624/30000 [01:17<4:28:51, 1.82it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 627/30000 [01:18<3:44:08, 2.18it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 629/30000 [01:19<4:09:51, 1.96it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 631/30000 [01:20<3:44:33, 2.18it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 633/30000 [01:21<4:07:04, 1.98it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 635/30000 [01:22<4:16:20, 1.91it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 637/30000 [01:23<4:20:57, 1.88it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 639/30000 [01:24<3:46:09, 2.16it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 641/30000 [01:25<4:05:04, 2.00it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 643/30000 [01:26<3:42:08, 2.20it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 645/30000 [01:27<4:04:09, 2.00it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 648/30000 [01:28<3:43:22, 2.19it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 650/30000 [01:29<4:10:05, 1.96it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 652/30000 [01:30<4:16:48, 1.90it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 654/30000 [01:31<4:20:01, 1.88it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 655/30000 [01:32<4:26:14, 1.84it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 657/30000 [01:33<4:27:09, 1.83it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 659/30000 [01:34<4:28:17, 1.82it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 661/30000 [01:35<4:26:36, 1.83it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 663/30000 [01:36<4:21:21, 1.87it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 665/30000 [01:37<4:24:52, 1.85it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 667/30000 [01:38<3:45:17, 2.17it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 670/30000 [01:39<3:35:33, 2.27it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 672/30000 [01:41<4:02:34, 2.01it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 674/30000 [01:42<4:15:02, 1.92it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 676/30000 [01:43<4:23:44, 1.85it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 677/30000 [01:43<4:28:28, 1.82it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 680/30000 [01:45<4:05:06, 1.99it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 681/30000 [01:45<4:15:47, 1.91it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n"," 2%|▏ | 682/30000 [01:46<4:18:50, 1.89it/s]DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 683/30000 [01:47<4:24:59, 1.84it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 686/30000 [01:48<3:58:34, 2.05it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 688/30000 [01:49<4:11:39, 1.94it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 690/30000 [01:50<4:08:01, 1.97it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 692/30000 [01:51<4:18:44, 1.89it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 693/30000 [01:52<4:24:39, 1.85it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n"," 2%|▏ | 694/30000 [01:52<4:25:12, 1.84it/s]DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 695/30000 [01:53<4:27:58, 1.82it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 697/30000 [01:54<4:28:47, 1.82it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 699/30000 [01:55<4:06:44, 1.98it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 702/30000 [01:56<3:33:21, 2.29it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 704/30000 [01:57<4:00:33, 2.03it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 705/30000 [01:58<4:14:58, 1.91it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n"," 2%|▏ | 706/30000 [01:58<4:24:32, 1.85it/s]DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 707/30000 [01:59<4:30:32, 1.80it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 709/30000 [02:00<4:18:50, 1.89it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 711/30000 [02:01<4:26:57, 1.83it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 713/30000 [02:02<4:21:06, 1.87it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 715/30000 [02:03<4:24:00, 1.85it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 717/30000 [02:04<4:24:06, 1.85it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 719/30000 [02:06<4:26:08, 1.83it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 721/30000 [02:07<4:30:27, 1.80it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 723/30000 [02:08<4:28:03, 1.82it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 724/30000 [02:08<4:30:19, 1.80it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n"," 2%|▏ | 725/30000 [02:09<4:28:17, 1.82it/s]DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 726/30000 [02:09<4:31:43, 1.80it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 729/30000 [02:11<3:40:46, 2.21it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 731/30000 [02:12<4:05:52, 1.98it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 732/30000 [02:12<4:17:04, 1.90it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 734/30000 [02:14<4:25:32, 1.84it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 736/30000 [02:15<4:27:56, 1.82it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 738/30000 [02:16<4:26:57, 1.83it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 740/30000 [02:17<4:08:54, 1.96it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 742/30000 [02:18<4:20:04, 1.87it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 744/30000 [02:19<4:24:02, 1.85it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 746/30000 [02:20<4:25:58, 1.83it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▏ | 748/30000 [02:21<4:27:10, 1.82it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 2%|▎ | 750/30000 [02:22<4:29:27, 1.81it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 751/30000 [02:23<4:33:02, 1.79it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 753/30000 [02:24<4:33:57, 1.78it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 756/30000 [02:25<3:38:43, 2.23it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 758/30000 [02:26<3:44:28, 2.17it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 760/30000 [02:27<3:34:47, 2.27it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 762/30000 [02:28<4:04:13, 2.00it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 764/30000 [02:29<4:18:35, 1.88it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 766/30000 [02:30<4:25:18, 1.84it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 768/30000 [02:31<4:15:03, 1.91it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 770/30000 [02:33<4:25:02, 1.84it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 772/30000 [02:34<4:29:11, 1.81it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 774/30000 [02:34<3:27:06, 2.35it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 776/30000 [02:35<3:58:18, 2.04it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 779/30000 [02:37<3:54:51, 2.07it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 780/30000 [02:37<4:07:30, 1.97it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n"," 3%|▎ | 781/30000 [02:38<4:12:07, 1.93it/s]DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 782/30000 [02:39<4:20:07, 1.87it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 784/30000 [02:40<4:25:40, 1.83it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 786/30000 [02:41<4:30:34, 1.80it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 788/30000 [02:42<4:29:24, 1.81it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 790/30000 [02:43<4:20:36, 1.87it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 792/30000 [02:44<4:26:49, 1.82it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 794/30000 [02:45<4:28:14, 1.81it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 796/30000 [02:46<4:04:56, 1.99it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 798/30000 [02:47<4:19:47, 1.87it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 800/30000 [02:48<4:25:20, 1.83it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 801/30000 [02:49<4:28:30, 1.81it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 803/30000 [02:50<4:32:06, 1.79it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 806/30000 [02:51<3:48:40, 2.13it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 807/30000 [02:52<4:06:40, 1.97it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 810/30000 [02:54<4:01:40, 2.01it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 812/30000 [02:55<4:05:42, 1.98it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 814/30000 [02:55<3:57:27, 2.05it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 816/30000 [02:57<4:15:16, 1.91it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 818/30000 [02:58<4:16:48, 1.89it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 820/30000 [02:59<4:28:12, 1.81it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 821/30000 [02:59<4:33:59, 1.77it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 824/30000 [03:01<4:08:35, 1.96it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 826/30000 [03:02<3:47:53, 2.13it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 828/30000 [03:03<4:08:46, 1.95it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 830/30000 [03:04<4:19:43, 1.87it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 833/30000 [03:05<3:01:15, 2.68it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 835/30000 [03:06<3:22:54, 2.40it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 837/30000 [03:07<3:58:27, 2.04it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 839/30000 [03:08<4:16:53, 1.89it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 840/30000 [03:09<4:26:31, 1.82it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 842/30000 [03:10<4:33:06, 1.78it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 844/30000 [03:11<4:33:29, 1.78it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 846/30000 [03:12<4:34:55, 1.77it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 848/30000 [03:13<4:36:40, 1.76it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 849/30000 [03:14<4:39:05, 1.74it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n"," 3%|▎ | 850/30000 [03:15<4:37:12, 1.75it/s]DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 851/30000 [03:15<4:40:35, 1.73it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 853/30000 [03:16<4:37:18, 1.75it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 855/30000 [03:17<4:33:59, 1.77it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 857/30000 [03:18<4:33:30, 1.78it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 859/30000 [03:20<4:35:28, 1.76it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 861/30000 [03:21<4:09:57, 1.94it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 864/30000 [03:22<3:27:56, 2.34it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 867/30000 [03:23<2:19:47, 3.47it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 869/30000 [03:24<3:31:00, 2.30it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 871/30000 [03:25<4:03:37, 1.99it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 873/30000 [03:26<4:13:58, 1.91it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 874/30000 [03:27<4:22:43, 1.85it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 876/30000 [03:28<4:30:34, 1.79it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 878/30000 [03:29<4:35:33, 1.76it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 880/30000 [03:30<4:00:48, 2.02it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 883/30000 [03:31<3:50:04, 2.11it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 884/30000 [03:32<4:07:27, 1.96it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 886/30000 [03:33<4:20:22, 1.86it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 888/30000 [03:34<4:25:42, 1.83it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 890/30000 [03:35<4:23:46, 1.84it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 892/30000 [03:36<4:32:03, 1.78it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 894/30000 [03:37<4:19:29, 1.87it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 896/30000 [03:38<4:06:01, 1.97it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 898/30000 [03:39<4:15:49, 1.90it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 900/30000 [03:41<4:23:02, 1.84it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 902/30000 [03:42<4:25:40, 1.83it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 903/30000 [03:42<4:32:34, 1.78it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 905/30000 [03:43<4:34:12, 1.77it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 907/30000 [03:45<4:30:58, 1.79it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 909/30000 [03:46<4:33:45, 1.77it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 911/30000 [03:47<4:22:07, 1.85it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 913/30000 [03:48<4:26:53, 1.82it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 915/30000 [03:49<3:41:47, 2.19it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 918/30000 [03:50<3:38:01, 2.22it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 919/30000 [03:51<3:58:31, 2.03it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 921/30000 [03:52<4:13:31, 1.91it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 923/30000 [03:53<4:22:26, 1.85it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 925/30000 [03:54<3:50:58, 2.10it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 927/30000 [03:55<4:11:36, 1.93it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 929/30000 [03:56<4:21:59, 1.85it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 931/30000 [03:57<4:30:44, 1.79it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 933/30000 [03:58<4:33:04, 1.77it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 935/30000 [03:59<3:47:07, 2.13it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 937/30000 [04:00<4:12:02, 1.92it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 939/30000 [04:01<4:28:07, 1.81it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 941/30000 [04:03<4:32:27, 1.78it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 942/30000 [04:03<4:38:15, 1.74it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 944/30000 [04:04<4:35:36, 1.76it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 946/30000 [04:05<4:35:16, 1.76it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 948/30000 [04:06<4:09:41, 1.94it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 950/30000 [04:08<4:22:12, 1.85it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 952/30000 [04:09<4:29:40, 1.80it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 954/30000 [04:10<4:25:32, 1.82it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 956/30000 [04:11<3:54:04, 2.07it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 958/30000 [04:12<4:14:43, 1.90it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 960/30000 [04:13<4:24:47, 1.83it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 961/30000 [04:14<4:30:27, 1.79it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 965/30000 [04:15<3:21:31, 2.40it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 967/30000 [04:16<3:27:45, 2.33it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 969/30000 [04:17<4:01:40, 2.00it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 971/30000 [04:18<4:03:26, 1.99it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 973/30000 [04:19<4:17:03, 1.88it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 975/30000 [04:20<4:25:35, 1.82it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 976/30000 [04:21<4:31:59, 1.78it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 978/30000 [04:22<4:30:22, 1.79it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 980/30000 [04:23<4:32:22, 1.78it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 983/30000 [04:25<3:53:54, 2.07it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 984/30000 [04:25<4:07:57, 1.95it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 987/30000 [04:26<3:38:59, 2.21it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 989/30000 [04:28<4:05:27, 1.97it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 991/30000 [04:29<4:05:44, 1.97it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 992/30000 [04:29<4:20:10, 1.86it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n"," 3%|▎ | 993/30000 [04:30<4:19:40, 1.86it/s]DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 995/30000 [04:30<3:18:00, 2.44it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 999/30000 [04:32<3:10:19, 2.54it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 1000/30000 [04:32<3:38:58, 2.21it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 1002/30000 [04:34<4:09:05, 1.94it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 1004/30000 [04:35<4:20:31, 1.85it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 1006/30000 [04:36<4:12:50, 1.91it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 1008/30000 [04:37<4:25:36, 1.82it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 1010/30000 [04:38<4:33:09, 1.77it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 1011/30000 [04:39<4:35:03, 1.76it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 1013/30000 [04:40<4:35:01, 1.76it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 1015/30000 [04:41<4:34:39, 1.76it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 1017/30000 [04:42<4:30:05, 1.79it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 1019/30000 [04:43<4:10:41, 1.93it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 1022/30000 [04:44<3:46:35, 2.13it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 1024/30000 [04:45<4:08:05, 1.95it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 1026/30000 [04:46<3:16:42, 2.45it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 1029/30000 [04:47<2:59:18, 2.69it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 1031/30000 [04:48<3:11:05, 2.53it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n"," 3%|▎ | 1032/30000 [04:49<3:33:39, 2.26it/s]DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 1033/30000 [04:49<3:55:03, 2.05it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 1035/30000 [04:50<4:14:35, 1.90it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 1037/30000 [04:52<4:23:12, 1.83it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 1040/30000 [04:53<3:46:08, 2.13it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 1042/30000 [04:54<4:08:33, 1.94it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 1043/30000 [04:54<4:18:25, 1.87it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n"," 3%|▎ | 1044/30000 [04:55<4:17:12, 1.88it/s]DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 1045/30000 [04:56<4:24:01, 1.83it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 1047/30000 [04:57<4:20:42, 1.85it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 3%|▎ | 1049/30000 [04:58<4:24:33, 1.82it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1051/30000 [04:59<4:32:01, 1.77it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1053/30000 [05:00<4:32:28, 1.77it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1055/30000 [05:01<4:08:30, 1.94it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1057/30000 [05:02<4:21:55, 1.84it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1060/30000 [05:03<3:31:20, 2.28it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1061/30000 [05:04<3:54:15, 2.06it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1063/30000 [05:05<4:12:46, 1.91it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1065/30000 [05:06<4:29:13, 1.79it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1067/30000 [05:07<4:29:45, 1.79it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1069/30000 [05:09<4:31:47, 1.77it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1072/30000 [05:10<3:41:05, 2.18it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1073/30000 [05:10<4:04:05, 1.98it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1076/30000 [05:12<3:57:37, 2.03it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1078/30000 [05:13<3:35:15, 2.24it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1080/30000 [05:14<3:49:57, 2.10it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1082/30000 [05:15<4:10:55, 1.92it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1084/30000 [05:16<3:48:03, 2.11it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1086/30000 [05:17<4:12:22, 1.91it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1088/30000 [05:18<4:20:26, 1.85it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1090/30000 [05:19<4:25:51, 1.81it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1092/30000 [05:20<4:26:06, 1.81it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1093/30000 [05:21<4:32:08, 1.77it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n"," 4%|▎ | 1094/30000 [05:21<4:29:01, 1.79it/s]DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1095/30000 [05:22<4:28:59, 1.79it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1097/30000 [05:23<4:29:42, 1.79it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1099/30000 [05:24<4:28:24, 1.79it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1101/30000 [05:25<4:32:20, 1.77it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1103/30000 [05:26<4:33:48, 1.76it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1104/30000 [05:27<4:33:38, 1.76it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1107/30000 [05:28<3:57:35, 2.03it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1109/30000 [05:29<4:19:19, 1.86it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1110/30000 [05:30<4:27:46, 1.80it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1112/30000 [05:31<4:24:16, 1.82it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1114/30000 [05:32<4:23:40, 1.83it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1117/30000 [05:33<3:23:44, 2.36it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1119/30000 [05:35<3:59:37, 2.01it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1121/30000 [05:36<4:15:24, 1.88it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▎ | 1122/30000 [05:36<4:27:35, 1.80it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1125/30000 [05:38<3:52:10, 2.07it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1126/30000 [05:38<4:09:48, 1.93it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1128/30000 [05:40<4:24:34, 1.82it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1130/30000 [05:41<4:26:05, 1.81it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1132/30000 [05:42<3:55:05, 2.05it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1134/30000 [05:43<4:17:17, 1.87it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1136/30000 [05:44<4:24:40, 1.82it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1138/30000 [05:45<3:33:12, 2.26it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1141/30000 [05:46<2:50:47, 2.82it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1144/30000 [05:47<3:06:43, 2.58it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1146/30000 [05:48<3:49:36, 2.09it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1148/30000 [05:49<3:59:59, 2.00it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1149/30000 [05:50<4:19:00, 1.86it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1150/30000 [05:50<4:22:22, 1.83it/s]DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1152/30000 [05:51<3:47:47, 2.11it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1154/30000 [05:52<4:13:28, 1.90it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1155/30000 [05:53<4:18:56, 1.86it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1157/30000 [05:54<4:25:29, 1.81it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1159/30000 [05:55<4:18:46, 1.86it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1161/30000 [05:56<4:26:46, 1.80it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1163/30000 [05:58<4:28:27, 1.79it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1165/30000 [05:59<4:15:44, 1.88it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1167/30000 [06:00<4:28:28, 1.79it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1169/30000 [06:01<4:34:47, 1.75it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1170/30000 [06:02<4:43:54, 1.69it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1172/30000 [06:03<4:44:16, 1.69it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1174/30000 [06:04<4:37:34, 1.73it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1176/30000 [06:05<4:37:01, 1.73it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1177/30000 [06:06<4:41:31, 1.71it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1179/30000 [06:07<4:42:18, 1.70it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1182/30000 [06:08<3:52:48, 2.06it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1184/30000 [06:09<3:38:37, 2.20it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1186/30000 [06:10<4:09:20, 1.93it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1188/30000 [06:11<4:20:26, 1.84it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1189/30000 [06:12<4:28:59, 1.79it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1191/30000 [06:13<4:32:00, 1.77it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1193/30000 [06:14<4:31:11, 1.77it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1196/30000 [06:16<3:56:56, 2.03it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1199/30000 [06:17<3:01:37, 2.64it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1201/30000 [06:18<3:16:25, 2.44it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1203/30000 [06:19<3:39:47, 2.18it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1205/30000 [06:20<4:10:08, 1.92it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1207/30000 [06:21<3:48:44, 2.10it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1209/30000 [06:22<4:10:44, 1.91it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1210/30000 [06:22<4:21:13, 1.84it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1213/30000 [06:24<3:26:51, 2.32it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1215/30000 [06:25<4:00:39, 1.99it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1217/30000 [06:26<4:17:19, 1.86it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1218/30000 [06:27<4:29:25, 1.78it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1220/30000 [06:28<4:31:26, 1.77it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1222/30000 [06:29<4:31:31, 1.77it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1224/30000 [06:30<4:32:42, 1.76it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1226/30000 [06:31<4:34:29, 1.75it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1228/30000 [06:32<4:32:13, 1.76it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1229/30000 [06:33<4:36:13, 1.74it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1232/30000 [06:34<3:55:03, 2.04it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1234/30000 [06:35<3:48:27, 2.10it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1236/30000 [06:36<4:14:38, 1.88it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1238/30000 [06:38<4:25:27, 1.81it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1239/30000 [06:38<4:29:46, 1.78it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1241/30000 [06:39<4:33:30, 1.75it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1243/30000 [06:40<4:30:20, 1.77it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1245/30000 [06:42<4:29:33, 1.78it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1247/30000 [06:43<4:30:00, 1.77it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1249/30000 [06:44<4:18:33, 1.85it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1251/30000 [06:45<4:27:32, 1.79it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1252/30000 [06:45<4:33:50, 1.75it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1255/30000 [06:47<3:42:39, 2.15it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1258/30000 [06:48<2:37:18, 3.05it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1260/30000 [06:49<3:38:20, 2.19it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1262/30000 [06:50<3:31:59, 2.26it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1264/30000 [06:51<4:08:43, 1.93it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1266/30000 [06:52<4:22:36, 1.82it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1268/30000 [06:53<4:26:32, 1.80it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1270/30000 [06:54<4:27:33, 1.79it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1272/30000 [06:56<4:26:23, 1.80it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1274/30000 [06:57<4:13:05, 1.89it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1276/30000 [06:58<4:16:36, 1.87it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1278/30000 [06:59<3:52:55, 2.06it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1280/30000 [07:00<4:11:17, 1.90it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1282/30000 [07:00<3:30:40, 2.27it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1284/30000 [07:02<4:06:31, 1.94it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1286/30000 [07:03<4:20:57, 1.83it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1288/30000 [07:04<4:06:09, 1.94it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1290/30000 [07:05<4:19:51, 1.84it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1292/30000 [07:06<3:53:28, 2.05it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1294/30000 [07:07<4:13:49, 1.88it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1295/30000 [07:08<4:23:01, 1.82it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1298/30000 [07:09<4:03:36, 1.96it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1299/30000 [07:10<4:13:33, 1.89it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n"," 4%|▍ | 1300/30000 [07:10<4:19:04, 1.85it/s]DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1301/30000 [07:11<4:24:47, 1.81it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1303/30000 [07:12<4:28:20, 1.78it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1305/30000 [07:13<4:34:55, 1.74it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1307/30000 [07:14<4:35:36, 1.74it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1309/30000 [07:15<3:54:56, 2.04it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1311/30000 [07:16<4:16:32, 1.86it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1313/30000 [07:17<3:47:55, 2.10it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1315/30000 [07:18<4:09:44, 1.91it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1317/30000 [07:19<4:17:20, 1.86it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1319/30000 [07:20<4:25:19, 1.80it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1321/30000 [07:22<4:29:10, 1.78it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1323/30000 [07:23<4:33:23, 1.75it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1324/30000 [07:23<4:37:41, 1.72it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1326/30000 [07:24<4:16:03, 1.87it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1328/30000 [07:26<4:25:29, 1.80it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1330/30000 [07:27<4:12:49, 1.89it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1333/30000 [07:28<3:40:59, 2.16it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1334/30000 [07:29<4:04:54, 1.95it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1336/30000 [07:30<4:13:06, 1.89it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1338/30000 [07:31<4:22:22, 1.82it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1340/30000 [07:32<4:27:23, 1.79it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1342/30000 [07:33<4:30:02, 1.77it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1344/30000 [07:34<3:32:09, 2.25it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1346/30000 [07:35<4:04:54, 1.95it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1348/30000 [07:36<4:20:43, 1.83it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 4%|▍ | 1350/30000 [07:37<4:28:29, 1.78it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1351/30000 [07:38<4:36:37, 1.73it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n"," 5%|▍ | 1352/30000 [07:39<4:29:48, 1.77it/s]DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1353/30000 [07:39<4:36:25, 1.73it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1355/30000 [07:40<4:32:41, 1.75it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1357/30000 [07:41<4:33:37, 1.74it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n"," 5%|▍ | 1358/30000 [07:42<3:43:33, 2.14it/s]DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1360/30000 [07:42<2:54:32, 2.73it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1362/30000 [07:43<3:47:44, 2.10it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1364/30000 [07:45<4:11:06, 1.90it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1366/30000 [07:46<4:21:02, 1.83it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1368/30000 [07:47<4:28:57, 1.77it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1369/30000 [07:48<4:34:15, 1.74it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1371/30000 [07:49<4:36:44, 1.72it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1374/30000 [07:50<3:52:07, 2.06it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1376/30000 [07:51<4:13:09, 1.88it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1377/30000 [07:52<4:24:43, 1.80it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1379/30000 [07:53<4:27:38, 1.78it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1381/30000 [07:54<4:31:27, 1.76it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1383/30000 [07:55<4:33:21, 1.74it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1385/30000 [07:56<3:56:50, 2.01it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1387/30000 [07:57<4:17:18, 1.85it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1389/30000 [07:58<4:28:21, 1.78it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1391/30000 [08:00<4:29:27, 1.77it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1392/30000 [08:00<4:37:30, 1.72it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1394/30000 [08:01<4:36:41, 1.72it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1396/30000 [08:03<4:36:31, 1.72it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1398/30000 [08:04<4:42:40, 1.69it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1399/30000 [08:04<4:45:30, 1.67it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1402/30000 [08:06<4:09:14, 1.91it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1403/30000 [08:07<4:23:47, 1.81it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1406/30000 [08:08<3:43:48, 2.13it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1408/30000 [08:09<4:13:58, 1.88it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1409/30000 [08:10<4:28:12, 1.78it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1411/30000 [08:11<4:29:36, 1.77it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1413/30000 [08:12<4:34:32, 1.74it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1415/30000 [08:13<4:35:06, 1.73it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1417/30000 [08:14<4:37:44, 1.72it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1418/30000 [08:15<4:40:37, 1.70it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1420/30000 [08:16<4:41:27, 1.69it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1423/30000 [08:17<3:12:37, 2.47it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1426/30000 [08:18<3:19:05, 2.39it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1428/30000 [08:20<3:51:27, 2.06it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1430/30000 [08:21<4:13:37, 1.88it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1431/30000 [08:21<4:24:32, 1.80it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1433/30000 [08:22<4:16:51, 1.85it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1435/30000 [08:24<4:27:37, 1.78it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1437/30000 [08:25<4:34:33, 1.73it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1439/30000 [08:26<4:36:00, 1.72it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1441/30000 [08:27<3:59:47, 1.98it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1443/30000 [08:28<4:19:41, 1.83it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1444/30000 [08:29<4:32:13, 1.75it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1446/30000 [08:30<4:30:37, 1.76it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1448/30000 [08:31<4:16:33, 1.85it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1450/30000 [08:32<4:27:09, 1.78it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1452/30000 [08:33<4:30:58, 1.76it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1454/30000 [08:34<4:00:50, 1.98it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1456/30000 [08:35<4:15:35, 1.86it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1458/30000 [08:36<4:23:42, 1.80it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1460/30000 [08:38<4:28:18, 1.77it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1461/30000 [08:38<4:34:49, 1.73it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1463/30000 [08:39<4:35:43, 1.72it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1465/30000 [08:40<4:37:13, 1.72it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1467/30000 [08:42<4:32:53, 1.74it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1469/30000 [08:43<4:11:39, 1.89it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1471/30000 [08:44<4:05:21, 1.94it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1473/30000 [08:45<4:19:30, 1.83it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n"," 5%|▍ | 1474/30000 [08:45<3:40:52, 2.15it/s]DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1475/30000 [08:46<3:59:48, 1.98it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1477/30000 [08:47<4:17:12, 1.85it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1479/30000 [08:48<4:21:52, 1.82it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1481/30000 [08:49<4:29:47, 1.76it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1483/30000 [08:50<4:04:25, 1.94it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1485/30000 [08:51<4:21:50, 1.82it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1486/30000 [08:52<4:29:20, 1.76it/s]DEBUG: Asking scheduler for work...\n"," 5%|▍ | 1487/30000 [08:52<4:28:51, 1.77it/s]DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1488/30000 [08:53<4:34:29, 1.73it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1491/30000 [08:54<3:52:19, 2.05it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1493/30000 [08:55<4:12:25, 1.88it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1495/30000 [08:56<3:56:51, 2.01it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1497/30000 [08:58<4:15:49, 1.86it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▍ | 1498/30000 [08:58<4:26:06, 1.79it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1500/30000 [08:59<4:32:34, 1.74it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1502/30000 [09:01<4:35:51, 1.72it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1504/30000 [09:02<4:34:46, 1.73it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1505/30000 [09:02<4:40:50, 1.69it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1507/30000 [09:03<4:15:55, 1.86it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n"," 5%|▌ | 1508/30000 [09:04<4:20:12, 1.82it/s]DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1509/30000 [09:05<4:27:06, 1.78it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1511/30000 [09:06<4:35:42, 1.72it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1513/30000 [09:07<4:35:19, 1.72it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1515/30000 [09:08<4:33:03, 1.74it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1516/30000 [09:09<4:38:40, 1.70it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1519/30000 [09:10<4:09:06, 1.91it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1520/30000 [09:11<4:23:21, 1.80it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1522/30000 [09:12<4:30:42, 1.75it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1524/30000 [09:13<4:28:33, 1.77it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1527/30000 [09:14<3:28:06, 2.28it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1528/30000 [09:15<3:48:43, 2.07it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n"," 5%|▌ | 1529/30000 [09:16<4:03:44, 1.95it/s]DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1531/30000 [09:17<3:44:07, 2.12it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1533/30000 [09:18<4:09:19, 1.90it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1534/30000 [09:18<4:21:55, 1.81it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1536/30000 [09:19<4:26:55, 1.78it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1538/30000 [09:21<4:32:39, 1.74it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1540/30000 [09:22<4:29:50, 1.76it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1542/30000 [09:23<4:33:27, 1.73it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1543/30000 [09:24<4:38:26, 1.70it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n"," 5%|▌ | 1544/30000 [09:24<4:34:10, 1.73it/s]DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1545/30000 [09:25<4:37:53, 1.71it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1547/30000 [09:26<4:36:51, 1.71it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1549/30000 [09:27<4:31:20, 1.75it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1551/30000 [09:28<4:36:29, 1.71it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1552/30000 [09:29<4:42:03, 1.68it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n"," 5%|▌ | 1553/30000 [09:29<4:35:30, 1.72it/s]DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1555/30000 [09:30<4:15:37, 1.85it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1556/30000 [09:31<4:26:35, 1.78it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1558/30000 [09:32<4:28:44, 1.76it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1560/30000 [09:33<4:30:30, 1.75it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1562/30000 [09:34<4:24:08, 1.79it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1564/30000 [09:35<4:16:38, 1.85it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1566/30000 [09:36<4:11:09, 1.89it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1568/30000 [09:38<4:25:38, 1.78it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1570/30000 [09:39<4:00:51, 1.97it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1572/30000 [09:40<4:18:30, 1.83it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1574/30000 [09:40<3:17:34, 2.40it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1576/30000 [09:42<3:59:02, 1.98it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1578/30000 [09:43<4:20:30, 1.82it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1580/30000 [09:44<4:27:58, 1.77it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1581/30000 [09:45<4:35:01, 1.72it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1583/30000 [09:46<4:32:33, 1.74it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1585/30000 [09:47<4:33:24, 1.73it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1587/30000 [09:48<4:35:33, 1.72it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1589/30000 [09:49<3:40:14, 2.15it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1591/30000 [09:50<4:09:58, 1.89it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1593/30000 [09:51<4:24:10, 1.79it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1595/30000 [09:52<4:05:34, 1.93it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1597/30000 [09:53<3:45:36, 2.10it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1599/30000 [09:54<3:49:40, 2.06it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1601/30000 [09:55<4:12:58, 1.87it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1603/30000 [09:56<4:25:07, 1.79it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1605/30000 [09:57<4:10:58, 1.89it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1607/30000 [09:59<4:26:26, 1.78it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1610/30000 [10:00<2:48:39, 2.81it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1612/30000 [10:01<3:46:34, 2.09it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1614/30000 [10:02<4:12:21, 1.87it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1615/30000 [10:03<4:25:09, 1.78it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1617/30000 [10:04<4:27:45, 1.77it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1619/30000 [10:05<4:37:23, 1.71it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1620/30000 [10:06<4:49:24, 1.63it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n"," 5%|▌ | 1621/30000 [10:06<4:41:54, 1.68it/s]DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1622/30000 [10:07<4:41:56, 1.68it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1624/30000 [10:08<4:42:05, 1.68it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1626/30000 [10:09<4:38:17, 1.70it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1628/30000 [10:10<4:35:49, 1.71it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1629/30000 [10:11<4:42:25, 1.67it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1631/30000 [10:12<4:35:50, 1.71it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1633/30000 [10:13<4:26:14, 1.78it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1635/30000 [10:14<4:33:27, 1.73it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1636/30000 [10:15<4:39:57, 1.69it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1638/30000 [10:16<4:40:11, 1.69it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1640/30000 [10:17<4:39:23, 1.69it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1642/30000 [10:19<4:34:25, 1.72it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1644/30000 [10:20<4:38:43, 1.70it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1645/30000 [10:20<4:43:10, 1.67it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1647/30000 [10:22<4:39:55, 1.69it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 5%|▌ | 1649/30000 [10:23<4:11:06, 1.88it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1652/30000 [10:24<3:30:10, 2.25it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1654/30000 [10:25<4:01:35, 1.96it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1655/30000 [10:26<4:03:43, 1.94it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n"," 6%|▌ | 1656/30000 [10:26<4:10:17, 1.89it/s]DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1657/30000 [10:27<4:22:18, 1.80it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1659/30000 [10:28<4:31:21, 1.74it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1661/30000 [10:29<4:34:34, 1.72it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1663/30000 [10:30<4:34:26, 1.72it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1664/30000 [10:31<4:39:14, 1.69it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1666/30000 [10:32<4:35:45, 1.71it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1668/30000 [10:33<4:35:45, 1.71it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1670/30000 [10:34<4:36:26, 1.71it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1672/30000 [10:36<4:36:13, 1.71it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1673/30000 [10:36<4:44:32, 1.66it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1675/30000 [10:37<4:41:08, 1.68it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1677/30000 [10:39<4:38:50, 1.69it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1679/30000 [10:40<4:39:44, 1.69it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1680/30000 [10:40<4:45:18, 1.65it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1682/30000 [10:42<4:41:26, 1.68it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1684/30000 [10:43<4:30:08, 1.75it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1686/30000 [10:44<4:31:45, 1.74it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1688/30000 [10:45<4:10:16, 1.89it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1690/30000 [10:46<4:23:06, 1.79it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1692/30000 [10:47<4:32:10, 1.73it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1693/30000 [10:48<4:37:28, 1.70it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1695/30000 [10:49<4:36:57, 1.70it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1697/30000 [10:50<4:36:19, 1.71it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1699/30000 [10:51<4:15:08, 1.85it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1701/30000 [10:52<4:22:44, 1.80it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1702/30000 [10:53<4:29:26, 1.75it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1705/30000 [10:54<4:06:09, 1.92it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1706/30000 [10:55<4:17:33, 1.83it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n"," 6%|▌ | 1707/30000 [10:56<4:19:19, 1.82it/s]DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1709/30000 [10:56<3:41:06, 2.13it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1712/30000 [10:58<3:30:34, 2.24it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1714/30000 [10:59<3:46:04, 2.09it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1716/30000 [11:00<3:46:16, 2.08it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1719/30000 [11:01<3:29:59, 2.24it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1720/30000 [11:01<3:54:48, 2.01it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1723/30000 [11:02<3:06:53, 2.52it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1725/30000 [11:04<3:56:10, 2.00it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1727/30000 [11:05<4:14:32, 1.85it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1728/30000 [11:05<4:26:21, 1.77it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n"," 6%|▌ | 1729/30000 [11:06<4:33:36, 1.72it/s]DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1730/30000 [11:07<4:41:03, 1.68it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1733/30000 [11:08<3:28:25, 2.26it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1735/30000 [11:09<4:08:05, 1.90it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1737/30000 [11:10<3:52:53, 2.02it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1739/30000 [11:11<4:16:00, 1.84it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1740/30000 [11:12<4:24:24, 1.78it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1742/30000 [11:13<4:35:21, 1.71it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1745/30000 [11:15<3:56:06, 1.99it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1747/30000 [11:16<3:56:57, 1.99it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1748/30000 [11:16<4:16:29, 1.84it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1750/30000 [11:17<4:28:52, 1.75it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1752/30000 [11:19<4:33:19, 1.72it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1754/30000 [11:20<4:33:37, 1.72it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1755/30000 [11:20<4:41:19, 1.67it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1758/30000 [11:22<3:49:16, 2.05it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1760/30000 [11:23<3:46:33, 2.08it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1762/30000 [11:24<4:09:35, 1.89it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1764/30000 [11:25<4:21:38, 1.80it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1766/30000 [11:26<4:27:01, 1.76it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1768/30000 [11:27<4:19:47, 1.81it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1769/30000 [11:28<4:27:40, 1.76it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1771/30000 [11:29<4:28:24, 1.75it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1773/30000 [11:30<4:35:41, 1.71it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1775/30000 [11:31<4:38:42, 1.69it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1777/30000 [11:32<4:02:56, 1.94it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1779/30000 [11:33<4:18:27, 1.82it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1781/30000 [11:34<3:38:55, 2.15it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1783/30000 [11:36<4:09:10, 1.89it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1785/30000 [11:37<4:07:42, 1.90it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1786/30000 [11:37<4:20:20, 1.81it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1788/30000 [11:38<4:26:40, 1.76it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1790/30000 [11:39<4:29:06, 1.75it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1792/30000 [11:41<4:36:32, 1.70it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1793/30000 [11:41<4:39:58, 1.68it/s]DEBUG: Asking scheduler for work...\n","DEBUG:luigi-interface:Asking scheduler for work...\n","DEBUG: Done\n","DEBUG:luigi-interface:Done\n","DEBUG: There are no more tasks to run at this time\n","DEBUG:luigi-interface:There are no more tasks to run at this time\n","DEBUG: MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n","DEBUG:luigi-interface:MovieLens_512_0_0001_drr_7f481285b1 is currently run by worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558)\n"," 6%|▌ | 1794/30000 [11:42<4:42:06, 1.67it/s]INFO: Worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558) was stopped. Shutting down Keep-Alive thread\n","INFO:luigi-interface:Worker Worker(salt=507523831, workers=2, host=007ffc848132, username=root, pid=558) was stopped. Shutting down Keep-Alive thread\n"," 6%|▌ | 1794/30000 [11:42<3:04:04, 2.55it/s]\n"]},{"output_type":"error","ename":"KeyboardInterrupt","evalue":"ignored","traceback":["\u001b[0;31m---------------------------------------------------------------------------\u001b[0m","\u001b[0;31mKeyboardInterrupt\u001b[0m Traceback (most recent call last)","\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m()\u001b[0m\n\u001b[0;32m----> 1\u001b[0;31m \u001b[0mluigi\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mbuild\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0mDRLTrain\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mworkers\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m2\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mlocal_scheduler\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;32mTrue\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m","\u001b[0;32m/usr/local/lib/python3.7/dist-packages/luigi/interface.py\u001b[0m in \u001b[0;36mbuild\u001b[0;34m(tasks, worker_scheduler_factory, detailed_summary, **env_params)\u001b[0m\n\u001b[1;32m 235\u001b[0m \u001b[0menv_params\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m\"no_lock\"\u001b[0m\u001b[0;34m]\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;32mTrue\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 236\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 237\u001b[0;31m \u001b[0mluigi_run_result\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0m_schedule_and_run\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mtasks\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mworker_scheduler_factory\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0moverride_defaults\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0menv_params\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 238\u001b[0m \u001b[0;32mreturn\u001b[0m \u001b[0mluigi_run_result\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mdetailed_summary\u001b[0m \u001b[0;32melse\u001b[0m \u001b[0mluigi_run_result\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mscheduling_succeeded\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n","\u001b[0;32m/usr/local/lib/python3.7/dist-packages/luigi/interface.py\u001b[0m in \u001b[0;36m_schedule_and_run\u001b[0;34m(tasks, worker_scheduler_factory, override_defaults)\u001b[0m\n\u001b[1;32m 171\u001b[0m \u001b[0msuccess\u001b[0m \u001b[0;34m&=\u001b[0m \u001b[0mworker\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0madd\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mt\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0menv_params\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mparallel_scheduling\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0menv_params\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mparallel_scheduling_processes\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 172\u001b[0m \u001b[0mlogger\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0minfo\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m'Done scheduling tasks'\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 173\u001b[0;31m \u001b[0msuccess\u001b[0m \u001b[0;34m&=\u001b[0m \u001b[0mworker\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mrun\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 174\u001b[0m \u001b[0mluigi_run_result\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mLuigiRunResult\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mworker\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0msuccess\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 175\u001b[0m \u001b[0mlogger\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0minfo\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mluigi_run_result\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0msummary_text\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n","\u001b[0;32m/usr/local/lib/python3.7/dist-packages/luigi/worker.py\u001b[0m in \u001b[0;36mrun\u001b[0;34m(self)\u001b[0m\n\u001b[1;32m 1201\u001b[0m \u001b[0;32mbreak\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1202\u001b[0m \u001b[0;32melse\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m-> 1203\u001b[0;31m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_handle_next_task\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1204\u001b[0m \u001b[0;32mcontinue\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1205\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n","\u001b[0;32m/usr/local/lib/python3.7/dist-packages/luigi/worker.py\u001b[0m in \u001b[0;36m_handle_next_task\u001b[0;34m(self)\u001b[0m\n\u001b[1;32m 1061\u001b[0m task_id, status, expl, missing, new_requirements = (\n\u001b[1;32m 1062\u001b[0m self._task_result_queue.get(\n\u001b[0;32m-> 1063\u001b[0;31m timeout=self._config.wait_interval))\n\u001b[0m\u001b[1;32m 1064\u001b[0m \u001b[0;32mexcept\u001b[0m \u001b[0mQueue\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mEmpty\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1065\u001b[0m \u001b[0;32mreturn\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n","\u001b[0;32m/usr/lib/python3.7/multiprocessing/queues.py\u001b[0m in \u001b[0;36mget\u001b[0;34m(self, block, timeout)\u001b[0m\n\u001b[1;32m 102\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mblock\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 103\u001b[0m \u001b[0mtimeout\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mdeadline\u001b[0m \u001b[0;34m-\u001b[0m \u001b[0mtime\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mmonotonic\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 104\u001b[0;31m \u001b[0;32mif\u001b[0m \u001b[0;32mnot\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_poll\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mtimeout\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 105\u001b[0m \u001b[0;32mraise\u001b[0m \u001b[0mEmpty\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 106\u001b[0m \u001b[0;32melif\u001b[0m \u001b[0;32mnot\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_poll\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n","\u001b[0;32m/usr/lib/python3.7/multiprocessing/connection.py\u001b[0m in \u001b[0;36mpoll\u001b[0;34m(self, timeout)\u001b[0m\n\u001b[1;32m 255\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_check_closed\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 256\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_check_readable\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 257\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_poll\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mtimeout\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 258\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 259\u001b[0m \u001b[0;32mdef\u001b[0m \u001b[0m__enter__\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n","\u001b[0;32m/usr/lib/python3.7/multiprocessing/connection.py\u001b[0m in \u001b[0;36m_poll\u001b[0;34m(self, timeout)\u001b[0m\n\u001b[1;32m 412\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 413\u001b[0m \u001b[0;32mdef\u001b[0m \u001b[0m_poll\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mtimeout\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 414\u001b[0;31m \u001b[0mr\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mwait\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mtimeout\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 415\u001b[0m \u001b[0;32mreturn\u001b[0m \u001b[0mbool\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mr\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 416\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n","\u001b[0;32m/usr/lib/python3.7/multiprocessing/connection.py\u001b[0m in \u001b[0;36mwait\u001b[0;34m(object_list, timeout)\u001b[0m\n\u001b[1;32m 919\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 920\u001b[0m \u001b[0;32mwhile\u001b[0m \u001b[0;32mTrue\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 921\u001b[0;31m \u001b[0mready\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mselector\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mselect\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mtimeout\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 922\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mready\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 923\u001b[0m \u001b[0;32mreturn\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0mkey\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mfileobj\u001b[0m \u001b[0;32mfor\u001b[0m \u001b[0;34m(\u001b[0m\u001b[0mkey\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mevents\u001b[0m\u001b[0;34m)\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mready\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n","\u001b[0;32m/usr/lib/python3.7/selectors.py\u001b[0m in \u001b[0;36mselect\u001b[0;34m(self, timeout)\u001b[0m\n\u001b[1;32m 413\u001b[0m \u001b[0mready\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 414\u001b[0m \u001b[0;32mtry\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 415\u001b[0;31m \u001b[0mfd_event_list\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_selector\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mpoll\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mtimeout\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 416\u001b[0m \u001b[0;32mexcept\u001b[0m \u001b[0mInterruptedError\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 417\u001b[0m \u001b[0;32mreturn\u001b[0m \u001b[0mready\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n","\u001b[0;31mKeyboardInterrupt\u001b[0m: "]}]},{"cell_type":"code","metadata":{"colab":{"base_uri":"https://localhost:8080/","height":367},"collapsed":true,"id":"JKdiHnxOGI7s","executionInfo":{"status":"error","timestamp":1636791788820,"user_tz":-330,"elapsed":454,"user":{"displayName":"Sparsh Agarwal","photoUrl":"https://lh3.googleusercontent.com/a/default-user=s64","userId":"13037694610922482904"}},"outputId":"9add69a1-f0f2-4067-f55b-3b4928a80847"},"source":["#hide-output\n","logger.info('JOB START: DRR_OFFLINE_EVALUATION')\n","args = Args()\n","args.algorithm = 'drr'\n","load_dataset_dict()\n","actor_critic_checkpoints()\n","run_offline_evaluator()\n","logger.info('JOB END: DRR_OFFLINE_EVALUATION')"],"execution_count":null,"outputs":[{"output_type":"stream","name":"stderr","text":["INFO:Logger:JOB START: DRR_OFFLINE_EVALUATION\n"]},{"output_type":"error","ename":"IndexError","evalue":"ignored","traceback":["\u001b[0;31m---------------------------------------------------------------------------\u001b[0m","\u001b[0;31mIndexError\u001b[0m Traceback (most recent call last)","\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m()\u001b[0m\n\u001b[1;32m 3\u001b[0m \u001b[0margs\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0malgorithm\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m'drr'\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 4\u001b[0m \u001b[0mload_dataset_dict\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m----> 5\u001b[0;31m \u001b[0mactor_critic_checkpoints\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 6\u001b[0m \u001b[0mrun_offline_evaluator\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 7\u001b[0m \u001b[0mlogger\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0minfo\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m'JOB END: DRR_OFFLINE_EVALUATION'\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n","\u001b[0;32m\u001b[0m in \u001b[0;36mactor_critic_checkpoints\u001b[0;34m()\u001b[0m\n\u001b[1;32m 6\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mf\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mstartswith\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m\"actor_\"\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 7\u001b[0m ]\n\u001b[0;32m----> 8\u001b[0;31m )[-1]\n\u001b[0m\u001b[1;32m 9\u001b[0m critic_checkpoint = sorted(\n\u001b[1;32m 10\u001b[0m [\n","\u001b[0;31mIndexError\u001b[0m: list index out of range"]}]},{"cell_type":"code","metadata":{"colab":{"base_uri":"https://localhost:8080/","height":367},"collapsed":true,"id":"8_Uh-x5eSA4n","executionInfo":{"status":"error","timestamp":1636791800454,"user_tz":-330,"elapsed":666,"user":{"displayName":"Sparsh Agarwal","photoUrl":"https://lh3.googleusercontent.com/a/default-user=s64","userId":"13037694610922482904"}},"outputId":"bb1093fa-feb9-47e3-f3fb-8b3084c51590"},"source":["#hide-output\n","logger.info('JOB START: DRR_OFFLINE_EVALUATION')\n","args = Args()\n","args.train_ids = [\n"," \"egreedy_0.1_2021-10-29_23-50-32.pkl\",\n"," \"linear_ucb_0.1_2021-11-04_15-01-07.pkl\",\n"," \"wfair_linear_ucb_0.1_2021-11-04_15-01-15.pkl\"\n","]\n","args.train_version = \"bandits\"\n","args.train_id = args.train_ids[2]\n","load_dataset_dict()\n","run_offline_pmf_evaluator()\n","logger.info('JOB END: DRR_OFFLINE_EVALUATION')"],"execution_count":null,"outputs":[{"output_type":"stream","name":"stderr","text":["INFO:Logger:JOB START: DRR_OFFLINE_EVALUATION\n"]},{"output_type":"error","ename":"IsADirectoryError","evalue":"ignored","traceback":["\u001b[0;31m---------------------------------------------------------------------------\u001b[0m","\u001b[0;31mIsADirectoryError\u001b[0m Traceback (most recent call last)","\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m()\u001b[0m\n\u001b[1;32m 9\u001b[0m \u001b[0margs\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mtrain_id\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0margs\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mtrain_ids\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m2\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 10\u001b[0m \u001b[0mload_dataset_dict\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 11\u001b[0;31m \u001b[0mrun_offline_pmf_evaluator\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 12\u001b[0m \u001b[0mlogger\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0minfo\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m'JOB END: DRR_OFFLINE_EVALUATION'\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n","\u001b[0;32m\u001b[0m in \u001b[0;36mrun_offline_pmf_evaluator\u001b[0;34m()\u001b[0m\n\u001b[1;32m 19\u001b[0m \u001b[0mavailable_users\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0menv\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mavailable_users\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 20\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 21\u001b[0;31m \u001b[0;32mwith\u001b[0m \u001b[0mopen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0margs\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0moutput_path\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m\"rb\"\u001b[0m\u001b[0;34m)\u001b[0m \u001b[0;32mas\u001b[0m \u001b[0mpkl_file\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 22\u001b[0m \u001b[0mrecommender\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mpickle\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mload\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mpkl_file\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 23\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n","\u001b[0;31mIsADirectoryError\u001b[0m: [Errno 21] Is a directory: '/content/drl-recsys/model/movie_lens_100k/movie_lens_100k_fair_2021-10-24_01-41-02'"]}]},{"cell_type":"code","metadata":{"id":"Z-7Yh5Vziqnu"},"source":["TRAINER = dict(\n"," movie_lens_100k=MovieLens,\n"," movie_lens_100k_fair=MovieLens,\n",")\n","\n","\n","class DRLTrain(luigi.Task):\n"," use_wandb: bool = luigi.BoolParameter()\n"," load_model: bool = luigi.BoolParameter()\n"," evaluate: bool = luigi.BoolParameter()\n"," train_version: str = luigi.Parameter(default=\"movie_lens_100k\")\n"," dataset_version: str = luigi.Parameter(default=\"movie_lens_100k\")\n"," train_id: str = luigi.Parameter(default=\"\")\n","\n"," def __init__(self, *args, **kwargs):\n"," super(DRLTrain, self).__init__(*args, **kwargs)\n","\n"," if len(self.train_id) > 0:\n"," self.output_path = os.path.join(\n"," args.model_path, self.train_version, self.train_id\n"," )\n"," else:\n"," dtime = datetime.datetime.now().strftime(\"%Y-%m-%d_%H-%M-%S\")\n"," self.output_path = os.path.join(\n"," args.model_path,\n"," self.train_version,\n"," str(self.train_version + \"_{}\".format(dtime)),\n"," )\n"," os.makedirs(self.output_path, exist_ok=True)\n"," os.makedirs(os.path.join(self.output_path, \"images\"), exist_ok=True)\n","\n"," def run(self):\n"," print(\"---------- Generate Dataset\")\n"," dataset = yield DatasetGeneration(self.dataset_version)\n","\n"," print(\"---------- Train Model\")\n"," train = yield TRAINER[self.train_version](\n"," **self.train_config[\"model_train\"],\n"," users_num=self.train_config[\"users_num\"],\n"," items_num=self.train_config[\"items_num\"],\n"," embedding_dim=self.train_config[\"embedding_dim\"],\n"," emb_model=self.train_config[\"emb_model\"],\n"," output_path=self.output_path,\n"," train_version=self.train_version,\n"," use_wandb=self.use_wandb,\n"," load_model=self.load_model,\n"," dataset_path=dataset.path,\n"," evaluate=self.evaluate,\n"," )\n","\n"," @property\n"," def train_config(self):\n"," path = os.path.abspath(\n"," os.path.join(\"model\", \"{}.yaml\".format(self.train_version))\n"," )\n","\n"," with open(path) as f:\n"," train_config = yaml.load(f, Loader=yaml.FullLoader)\n","\n"," return train_config"],"execution_count":null,"outputs":[]},{"cell_type":"code","metadata":{"id":"MCUPDe7hVQTi"},"source":["with open(args.output_path, \"rb\") as pkl_file:\n"," bandit = pickle.load(pkl_file)\n","\n","bandit.len_list = 10\n","\n","selected_actions_list = list()\n","estimated_rewards = list() \n","for index, row in tqdm(obp_dataset.data.iterrows(), total=obp_dataset.data.shape[0]):\n","\n"," action_ = row[\"movie_id\"]\n"," reward_ = 0 if row[\"rating\"] < 4 else 1\n"," user_eb = user_embeddings[row[\"user_id\"]]\n"," items_eb = item_embeddings[row[\"item_id_history\"]]\n"," item_ave = torch.mean(items_eb, 0)\n"," context_ = torch.cat((user_eb, user_eb * item_ave, item_ave), 0).cpu().numpy()\n","\n"," # select a list of actions\n"," if bandit.policy_type == PolicyType.CONTEXT_FREE:\n"," selected_actions = bandit.select_action()\n"," elif bandit.policy_type == PolicyType.CONTEXTUAL:\n"," selected_actions = bandit.select_action(\n"," context_.reshape(1, dim_context)\n"," )\n"," action_match_ = action_ == selected_actions[0]\n"," # update parameters of a bandit policy\n"," # only when selected actions&positions are equal to logged actions&positions\n"," if action_match_:\n"," if bandit.policy_type == PolicyType.CONTEXT_FREE:\n"," bandit.update_params(action=action_, reward=reward_)\n"," elif bandit.policy_type == PolicyType.CONTEXTUAL:\n"," bandit.update_params(\n"," action=action_,\n"," reward=reward_,\n"," context=context_.reshape(1, dim_context),\n"," )\n","\n"," \n","\n"," selected_actions_list.append(selected_actions)\n","100%|██████████| 16983/16983 [26:23<00:00, 10.73it/s]\n","_df = obp_dataset.data.copy()\n","_df[\"sorted_actions\"] = selected_actions_list\n","_item_metadata = pd.DataFrame(dataset[\"movies_groups\"].items(), columns=[\"movie_id\", \"group\"])\n","_df.to_csv(\"./df.csv\", index=False)\n","_item_metadata.to_csv(\"./item.csv\", index=False)\n","import numpy as np\n","def converter(instr):\n"," return np.fromstring(instr[1:-1],sep=' ')\n","\n","_df=pd.read_csv(\"./df.csv\",converters={'sorted_actions':converter})\n","_item_metadata = pd.read_csv(\"./item.csv\")\n","user_column = \"user_id\"\n","item_column = \"movie_id\"\n","reclist_column = \"sorted_actions\"\n","\n","recsys_fair = RecsysFair(\n"," df = _df, \n"," supp_metadata = _item_metadata,\n"," user_column = user_column, \n"," item_column = item_column, \n"," reclist_column = reclist_column, \n",")\n","\n","fair_column = \"group\"\n","ex = recsys_fair.exposure(fair_column, 10)\n","100%|██████████| 16983/16983 [00:00<00:00, 4578471.84it/s]\n","fig = ex.show(kind='per_group_norm', column=fair_column)\n","fig.show()\n","#fig.write_image(\"exposure_per_group.png\")\n","fig = ex.show(kind='per_rank_pos', column=fair_column)\n","fig.write_image(\"exposure_per_rank.png\")"],"execution_count":null,"outputs":[]}]}