text
stringlengths 13
30k
|
---|
{"nwo": "phonopy/phonopy", "sha": "816586d0ba8177482ecf40e52f20cbdee2260d51", "path": "phonopy/api_phonopy.py", "language": "python", "identifier": "Phonopy._shape_supercell_matrix", "parameters": "(self, smat)", "argument_list": "", "return_statement": "return shape_supercell_matrix(smat)", "docstring": "", "docstring_summary": "", "docstring_tokens": [], "function": "def _shape_supercell_matrix(self, smat):\n return shape_supercell_matrix(smat)", "function_tokens": ["def", "_shape_supercell_matrix", "(", "self", ",", "smat", ")", ":", "return", "shape_supercell_matrix", "(", "smat", ")"], "url": "https://github.com/phonopy/phonopy/blob/816586d0ba8177482ecf40e52f20cbdee2260d51/phonopy/api_phonopy.py#L3543-L3544"} |
{"nwo": "openshift/openshift-tools", "sha": "1188778e728a6e4781acf728123e5b356380fe6f", "path": "openshift/installer/vendored/openshift-ansible-3.10.0-0.29.0/roles/lib_openshift/library/oc_adm_policy_group.py", "language": "python", "identifier": "SecurityContextConstraints.groups", "parameters": "(self)", "argument_list": "", "return_statement": "return self._groups", "docstring": "groups property getter", "docstring_summary": "groups property getter", "docstring_tokens": ["groups", "property", "getter"], "function": "def groups(self):\n ''' groups property getter '''\n if self._groups is None:\n self._groups = self.get_groups()\n return self._groups", "function_tokens": ["def", "groups", "(", "self", ")", ":", "if", "self", ".", "_groups", "is", "None", ":", "self", ".", "_groups", "=", "self", ".", "get_groups", "(", ")", "return", "self", ".", "_groups"], "url": "https://github.com/openshift/openshift-tools/blob/1188778e728a6e4781acf728123e5b356380fe6f/openshift/installer/vendored/openshift-ansible-3.10.0-0.29.0/roles/lib_openshift/library/oc_adm_policy_group.py#L1872-L1876"} |
{"nwo": "cournape/Bento", "sha": "37de23d784407a7c98a4a15770ffc570d5f32d70", "path": "bento/private/version.py", "language": "python", "identifier": "NormalizedVersion.__eq__", "parameters": "(self, other)", "argument_list": "", "return_statement": "return self.parts == other.parts", "docstring": "", "docstring_summary": "", "docstring_tokens": [], "function": "def __eq__(self, other):\n if not isinstance(other, NormalizedVersion):\n self._cannot_compare(other)\n return self.parts == other.parts", "function_tokens": ["def", "__eq__", "(", "self", ",", "other", ")", ":", "if", "not", "isinstance", "(", "other", ",", "NormalizedVersion", ")", ":", "self", ".", "_cannot_compare", "(", "other", ")", "return", "self", ".", "parts", "==", "other", ".", "parts"], "url": "https://github.com/cournape/Bento/blob/37de23d784407a7c98a4a15770ffc570d5f32d70/bento/private/version.py#L197-L200"} |
{"nwo": "david8862/keras-YOLOv3-model-set", "sha": "e9f0f94109430973525219e66eeafe8a2f51363d", "path": "common/backbones/shufflenet.py", "language": "python", "identifier": "ShuffleNet", "parameters": "(include_top=True,\n input_tensor=None,\n scale_factor=1.0,\n pooling=None,\n input_shape=None,\n groups=1,\n weights='imagenet',\n num_shuffle_units=[3, 7, 3],\n bottleneck_ratio=0.25,\n classes=1000,\n **kwargs)", "argument_list": "", "return_statement": "return model", "docstring": "ShuffleNet implementation for Keras 2\n ShuffleNet: An Extremely Efficient Convolutional Neural Network for Mobile Devices\n Xiangyu Zhang, Xinyu Zhou, Mengxiao Lin, Jian Sun\n https://arxiv.org/pdf/1707.01083.pdf\n Note that only TensorFlow is supported for now, therefore it only works\n with the data format `image_data_format='channels_last'` in your Keras\n config at `~/.keras/keras.json`.\n Parameters\n ----------\n include_top: bool(True)\n whether to include the fully-connected layer at the top of the network.\n input_tensor:\n optional Keras tensor (i.e. output of `layers.Input()`) to use as image input for the model.\n scale_factor:\n scales the number of output channels\n input_shape:\n pooling:\n Optional pooling mode for feature extraction\n when `include_top` is `False`.\n - `None` means that the output of the model\n will be the 4D tensor output of the\n last convolutional layer.\n - `avg` means that global average pooling\n will be applied to the output of the\n last convolutional layer, and thus\n the output of the model will be a\n 2D tensor.\n - `max` means that global max pooling will\n be applied.\n groups: int\n number of groups per channel\n num_shuffle_units: list([3,7,3])\n number of stages (list length) and the number of shufflenet units in a\n stage beginning with stage 2 because stage 1 is fixed\n e.g. idx 0 contains 3 + 1 (first shuffle unit in each stage differs) shufflenet units for stage 2\n idx 1 contains 7 + 1 Shufflenet Units for stage 3 and\n idx 2 contains 3 + 1 Shufflenet Units\n bottleneck_ratio:\n bottleneck ratio implies the ratio of bottleneck channels to output channels.\n For example, bottleneck ratio = 1 : 4 means the output feature map is 4 times\n the width of the bottleneck feature map.\n classes: int(1000)\n number of classes to predict\n Returns\n -------\n A Keras model instance\n References\n ----------\n - [ShuffleNet: An Extremely Efficient Convolutional Neural Network for Mobile Devices]\n (http://www.arxiv.org/pdf/1707.01083.pdf)", "docstring_summary": "ShuffleNet implementation for Keras 2\n ShuffleNet: An Extremely Efficient Convolutional Neural Network for Mobile Devices\n Xiangyu Zhang, Xinyu Zhou, Mengxiao Lin, Jian Sun\n https://arxiv.org/pdf/1707.01083.pdf\n Note that only TensorFlow is supported for now, therefore it only works\n with the data format `image_data_format='channels_last'` in your Keras\n config at `~/.keras/keras.json`.\n Parameters\n ----------\n include_top: bool(True)\n whether to include the fully-connected layer at the top of the network.\n input_tensor:\n optional Keras tensor (i.e. output of `layers.Input()`) to use as image input for the model.\n scale_factor:\n scales the number of output channels\n input_shape:\n pooling:\n Optional pooling mode for feature extraction\n when `include_top` is `False`.\n - `None` means that the output of the model\n will be the 4D tensor output of the\n last convolutional layer.\n - `avg` means that global average pooling\n will be applied to the output of the\n last convolutional layer, and thus\n the output of the model will be a\n 2D tensor.\n - `max` means that global max pooling will\n be applied.\n groups: int\n number of groups per channel\n num_shuffle_units: list([3,7,3])\n number of stages (list length) and the number of shufflenet units in a\n stage beginning with stage 2 because stage 1 is fixed\n e.g. idx 0 contains 3 + 1 (first shuffle unit in each stage differs) shufflenet units for stage 2\n idx 1 contains 7 + 1 Shufflenet Units for stage 3 and\n idx 2 contains 3 + 1 Shufflenet Units\n bottleneck_ratio:\n bottleneck ratio implies the ratio of bottleneck channels to output channels.\n For example, bottleneck ratio = 1 : 4 means the output feature map is 4 times\n the width of the bottleneck feature map.\n classes: int(1000)\n number of classes to predict\n Returns\n -------\n A Keras model instance\n References\n ----------\n - [ShuffleNet: An Extremely Efficient Convolutional Neural Network for Mobile Devices]\n (http://www.arxiv.org/pdf/1707.01083.pdf)", "docstring_tokens": ["ShuffleNet", "implementation", "for", "Keras", "2", "ShuffleNet", ":", "An", "Extremely", "Efficient", "Convolutional", "Neural", "Network", "for", "Mobile", "Devices", "Xiangyu", "Zhang", "Xinyu", "Zhou", "Mengxiao", "Lin", "Jian", "Sun", "https", ":", "//", "arxiv", ".", "org", "/", "pdf", "/", "1707", ".", "01083", ".", "pdf", "Note", "that", "only", "TensorFlow", "is", "supported", "for", "now", "therefore", "it", "only", "works", "with", "the", "data", "format", "image_data_format", "=", "channels_last", "in", "your", "Keras", "config", "at", "~", "/", ".", "keras", "/", "keras", ".", "json", ".", "Parameters", "----------", "include_top", ":", "bool", "(", "True", ")", "whether", "to", "include", "the", "fully", "-", "connected", "layer", "at", "the", "top", "of", "the", "network", ".", "input_tensor", ":", "optional", "Keras", "tensor", "(", "i", ".", "e", ".", "output", "of", "layers", ".", "Input", "()", ")", "to", "use", "as", "image", "input", "for", "the", "model", ".", "scale_factor", ":", "scales", "the", "number", "of", "output", "channels", "input_shape", ":", "pooling", ":", "Optional", "pooling", "mode", "for", "feature", "extraction", "when", "include_top", "is", "False", ".", "-", "None", "means", "that", "the", "output", "of", "the", "model", "will", "be", "the", "4D", "tensor", "output", "of", "the", "last", "convolutional", "layer", ".", "-", "avg", "means", "that", "global", "average", "pooling", "will", "be", "applied", "to", "the", "output", "of", "the", "last", "convolutional", "layer", "and", "thus", "the", "output", "of", "the", "model", "will", "be", "a", "2D", "tensor", ".", "-", "max", "means", "that", "global", "max", "pooling", "will", "be", "applied", ".", "groups", ":", "int", "number", "of", "groups", "per", "channel", "num_shuffle_units", ":", "list", "(", "[", "3", "7", "3", "]", ")", "number", "of", "stages", "(", "list", "length", ")", "and", "the", "number", "of", "shufflenet", "units", "in", "a", "stage", "beginning", "with", "stage", "2", "because", "stage", "1", "is", "fixed", "e", ".", "g", ".", "idx", "0", "contains", "3", "+", "1", "(", "first", "shuffle", "unit", "in", "each", "stage", "differs", ")", "shufflenet", "units", "for", "stage", "2", "idx", "1", "contains", "7", "+", "1", "Shufflenet", "Units", "for", "stage", "3", "and", "idx", "2", "contains", "3", "+", "1", "Shufflenet", "Units", "bottleneck_ratio", ":", "bottleneck", "ratio", "implies", "the", "ratio", "of", "bottleneck", "channels", "to", "output", "channels", ".", "For", "example", "bottleneck", "ratio", "=", "1", ":", "4", "means", "the", "output", "feature", "map", "is", "4", "times", "the", "width", "of", "the", "bottleneck", "feature", "map", ".", "classes", ":", "int", "(", "1000", ")", "number", "of", "classes", "to", "predict", "Returns", "-------", "A", "Keras", "model", "instance", "References", "----------", "-", "[", "ShuffleNet", ":", "An", "Extremely", "Efficient", "Convolutional", "Neural", "Network", "for", "Mobile", "Devices", "]", "(", "http", ":", "//", "www", ".", "arxiv", ".", "org", "/", "pdf", "/", "1707", ".", "01083", ".", "pdf", ")"], "function": "def ShuffleNet(include_top=True,\n input_tensor=None,\n scale_factor=1.0,\n pooling=None,\n input_shape=None,\n groups=1,\n weights='imagenet',\n num_shuffle_units=[3, 7, 3],\n bottleneck_ratio=0.25,\n classes=1000,\n **kwargs):\n \"\"\"\n ShuffleNet implementation for Keras 2\n ShuffleNet: An Extremely Efficient Convolutional Neural Network for Mobile Devices\n Xiangyu Zhang, Xinyu Zhou, Mengxiao Lin, Jian Sun\n https://arxiv.org/pdf/1707.01083.pdf\n Note that only TensorFlow is supported for now, therefore it only works\n with the data format `image_data_format='channels_last'` in your Keras\n config at `~/.keras/keras.json`.\n Parameters\n ----------\n include_top: bool(True)\n whether to include the fully-connected layer at the top of the network.\n input_tensor:\n optional Keras tensor (i.e. output of `layers.Input()`) to use as image input for the model.\n scale_factor:\n scales the number of output channels\n input_shape:\n pooling:\n Optional pooling mode for feature extraction\n when `include_top` is `False`.\n - `None` means that the output of the model\n will be the 4D tensor output of the\n last convolutional layer.\n - `avg` means that global average pooling\n will be applied to the output of the\n last convolutional layer, and thus\n the output of the model will be a\n 2D tensor.\n - `max` means that global max pooling will\n be applied.\n groups: int\n number of groups per channel\n num_shuffle_units: list([3,7,3])\n number of stages (list length) and the number of shufflenet units in a\n stage beginning with stage 2 because stage 1 is fixed\n e.g. idx 0 contains 3 + 1 (first shuffle unit in each stage differs) shufflenet units for stage 2\n idx 1 contains 7 + 1 Shufflenet Units for stage 3 and\n idx 2 contains 3 + 1 Shufflenet Units\n bottleneck_ratio:\n bottleneck ratio implies the ratio of bottleneck channels to output channels.\n For example, bottleneck ratio = 1 : 4 means the output feature map is 4 times\n the width of the bottleneck feature map.\n classes: int(1000)\n number of classes to predict\n Returns\n -------\n A Keras model instance\n References\n ----------\n - [ShuffleNet: An Extremely Efficient Convolutional Neural Network for Mobile Devices]\n (http://www.arxiv.org/pdf/1707.01083.pdf)\n \"\"\"\n\n if K.backend() != 'tensorflow':\n raise RuntimeError('Only TensorFlow backend is currently supported, '\n 'as other backends do not support ')\n\n name = \"ShuffleNet_%.2gX_g%d_br_%.2g_%s\" % (scale_factor, groups, bottleneck_ratio, \"\".join([str(x) for x in num_shuffle_units]))\n\n input_shape = _obtain_input_shape(input_shape,\n default_size=224,\n min_size=28,\n require_flatten=include_top,\n data_format=K.image_data_format())\n\n out_dim_stage_two = {1: 144, 2: 200, 3: 240, 4: 272, 8: 384}\n if groups not in out_dim_stage_two:\n raise ValueError(\"Invalid number of groups.\")\n\n if pooling not in ['max','avg', None]:\n raise ValueError(\"Invalid value for pooling.\")\n\n if not (float(scale_factor) * 4).is_integer():\n raise ValueError(\"Invalid value for scale_factor. Should be x over 4.\")\n\n exp = np.insert(np.arange(0, len(num_shuffle_units), dtype=np.float32), 0, 0)\n out_channels_in_stage = 2 ** exp\n out_channels_in_stage *= out_dim_stage_two[groups] # calculate output channels for each stage\n out_channels_in_stage[0] = 24 # first stage has always 24 output channels\n out_channels_in_stage *= scale_factor\n out_channels_in_stage = out_channels_in_stage.astype(int)\n\n if input_tensor is None:\n img_input = Input(shape=input_shape)\n else:\n #if not K.is_keras_tensor(input_tensor):\n #img_input = Input(tensor=input_tensor, shape=input_shape)\n #else:\n #img_input = input_tensor\n img_input = input_tensor\n\n # create shufflenet architecture\n x = YoloConv2D(filters=out_channels_in_stage[0], kernel_size=(3, 3), padding='same',\n use_bias=False, strides=(2, 2), activation=\"relu\", name=\"conv1\")(img_input)\n x = MaxPooling2D(pool_size=(3, 3), strides=(2, 2), padding='same', name=\"maxpool1\")(x)\n\n # create stages containing shufflenet units beginning at stage 2\n for stage in range(0, len(num_shuffle_units)):\n repeat = num_shuffle_units[stage]\n x = _block(x, out_channels_in_stage, repeat=repeat,\n bottleneck_ratio=bottleneck_ratio,\n groups=groups, stage=stage + 2)\n\n if include_top:\n #x = Dense(units=classes, name=\"fc\")(x)\n #x = Activation('softmax', name='softmax')(x)\n x = GlobalAveragePooling2D(name='global_avg_pool')(x)\n x = Dense(units=classes, activation='softmax',\n use_bias=True, name='Logits')(x)\n else:\n if pooling == 'avg':\n x = GlobalAveragePooling2D(name='global_avg_pool')(x)\n elif pooling == 'max':\n x = GlobalMaxPooling2D(name='global_max_pool')(x)\n\n # Ensure that the model takes into account\n # any potential predecessors of `input_tensor`.\n if input_tensor is not None:\n inputs = get_source_inputs(input_tensor)\n else:\n inputs = img_input\n\n # Create model.\n model = Model(inputs=inputs, outputs=x, name=name)\n\n # Load weights.\n if weights == 'imagenet':\n if K.image_data_format() == 'channels_first':\n raise ValueError('Weights for \"channels_first\" format '\n 'are not available.')\n\n if include_top:\n model_name = ('shufflenet_weights_tf_dim_ordering_tf_kernels_' +\n str(alpha) + '_' + str(rows) + '.h5')\n weigh_path = BASE_WEIGHT_PATH + model_name\n weights_path = get_file(\n model_name, weigh_path, cache_subdir='models')\n else:\n model_name = ('shufflenet_weights_tf_dim_ordering_tf_kernels_' +\n str(alpha) + '_' + str(rows) + '_no_top' + '.h5')\n weigh_path = BASE_WEIGHT_PATH + model_name\n weights_path = get_file(\n model_name, weigh_path, cache_subdir='models')\n model.load_weights(weights_path)\n elif weights is not None:\n model.load_weights(weights)\n\n return model", "function_tokens": ["def", "ShuffleNet", "(", "include_top", "=", "True", ",", "input_tensor", "=", "None", ",", "scale_factor", "=", "1.0", ",", "pooling", "=", "None", ",", "input_shape", "=", "None", ",", "groups", "=", "1", ",", "weights", "=", "'imagenet'", ",", "num_shuffle_units", "=", "[", "3", ",", "7", ",", "3", "]", ",", "bottleneck_ratio", "=", "0.25", ",", "classes", "=", "1000", ",", "*", "*", "kwargs", ")", ":", "if", "K", ".", "backend", "(", ")", "!=", "'tensorflow'", ":", "raise", "RuntimeError", "(", "'Only TensorFlow backend is currently supported, '", "'as other backends do not support '", ")", "name", "=", "\"ShuffleNet_%.2gX_g%d_br_%.2g_%s\"", "%", "(", "scale_factor", ",", "groups", ",", "bottleneck_ratio", ",", "\"\"", ".", "join", "(", "[", "str", "(", "x", ")", "for", "x", "in", "num_shuffle_units", "]", ")", ")", "input_shape", "=", "_obtain_input_shape", "(", "input_shape", ",", "default_size", "=", "224", ",", "min_size", "=", "28", ",", "require_flatten", "=", "include_top", ",", "data_format", "=", "K", ".", "image_data_format", "(", ")", ")", "out_dim_stage_two", "=", "{", "1", ":", "144", ",", "2", ":", "200", ",", "3", ":", "240", ",", "4", ":", "272", ",", "8", ":", "384", "}", "if", "groups", "not", "in", "out_dim_stage_two", ":", "raise", "ValueError", "(", "\"Invalid number of groups.\"", ")", "if", "pooling", "not", "in", "[", "'max'", ",", "'avg'", ",", "None", "]", ":", "raise", "ValueError", "(", "\"Invalid value for pooling.\"", ")", "if", "not", "(", "float", "(", "scale_factor", ")", "*", "4", ")", ".", "is_integer", "(", ")", ":", "raise", "ValueError", "(", "\"Invalid value for scale_factor. Should be x over 4.\"", ")", "exp", "=", "np", ".", "insert", "(", "np", ".", "arange", "(", "0", ",", "len", "(", "num_shuffle_units", ")", ",", "dtype", "=", "np", ".", "float32", ")", ",", "0", ",", "0", ")", "out_channels_in_stage", "=", "2", "**", "exp", "out_channels_in_stage", "*=", "out_dim_stage_two", "[", "groups", "]", "# calculate output channels for each stage", "out_channels_in_stage", "[", "0", "]", "=", "24", "# first stage has always 24 output channels", "out_channels_in_stage", "*=", "scale_factor", "out_channels_in_stage", "=", "out_channels_in_stage", ".", "astype", "(", "int", ")", "if", "input_tensor", "is", "None", ":", "img_input", "=", "Input", "(", "shape", "=", "input_shape", ")", "else", ":", "#if not K.is_keras_tensor(input_tensor):", "#img_input = Input(tensor=input_tensor, shape=input_shape)", "#else:", "#img_input = input_tensor", "img_input", "=", "input_tensor", "# create shufflenet architecture", "x", "=", "YoloConv2D", "(", "filters", "=", "out_channels_in_stage", "[", "0", "]", ",", "kernel_size", "=", "(", "3", ",", "3", ")", ",", "padding", "=", "'same'", ",", "use_bias", "=", "False", ",", "strides", "=", "(", "2", ",", "2", ")", ",", "activation", "=", "\"relu\"", ",", "name", "=", "\"conv1\"", ")", "(", "img_input", ")", "x", "=", "MaxPooling2D", "(", "pool_size", "=", "(", "3", ",", "3", ")", ",", "strides", "=", "(", "2", ",", "2", ")", ",", "padding", "=", "'same'", ",", "name", "=", "\"maxpool1\"", ")", "(", "x", ")", "# create stages containing shufflenet units beginning at stage 2", "for", "stage", "in", "range", "(", "0", ",", "len", "(", "num_shuffle_units", ")", ")", ":", "repeat", "=", "num_shuffle_units", "[", "stage", "]", "x", "=", "_block", "(", "x", ",", "out_channels_in_stage", ",", "repeat", "=", "repeat", ",", "bottleneck_ratio", "=", "bottleneck_ratio", ",", "groups", "=", "groups", ",", "stage", "=", "stage", "+", "2", ")", "if", "include_top", ":", "#x = Dense(units=classes, name=\"fc\")(x)", "#x = Activation('softmax', name='softmax')(x)", "x", "=", "GlobalAveragePooling2D", "(", "name", "=", "'global_avg_pool'", ")", "(", "x", ")", "x", "=", "Dense", "(", "units", "=", "classes", ",", "activation", "=", "'softmax'", ",", "use_bias", "=", "True", ",", "name", "=", "'Logits'", ")", "(", "x", ")", "else", ":", "if", "pooling", "==", "'avg'", ":", "x", "=", "GlobalAveragePooling2D", "(", "name", "=", "'global_avg_pool'", ")", "(", "x", ")", "elif", "pooling", "==", "'max'", ":", "x", "=", "GlobalMaxPooling2D", "(", "name", "=", "'global_max_pool'", ")", "(", "x", ")", "# Ensure that the model takes into account", "# any potential predecessors of `input_tensor`.", "if", "input_tensor", "is", "not", "None", ":", "inputs", "=", "get_source_inputs", "(", "input_tensor", ")", "else", ":", "inputs", "=", "img_input", "# Create model.", "model", "=", "Model", "(", "inputs", "=", "inputs", ",", "outputs", "=", "x", ",", "name", "=", "name", ")", "# Load weights.", "if", "weights", "==", "'imagenet'", ":", "if", "K", ".", "image_data_format", "(", ")", "==", "'channels_first'", ":", "raise", "ValueError", "(", "'Weights for \"channels_first\" format '", "'are not available.'", ")", "if", "include_top", ":", "model_name", "=", "(", "'shufflenet_weights_tf_dim_ordering_tf_kernels_'", "+", "str", "(", "alpha", ")", "+", "'_'", "+", "str", "(", "rows", ")", "+", "'.h5'", ")", "weigh_path", "=", "BASE_WEIGHT_PATH", "+", "model_name", "weights_path", "=", "get_file", "(", "model_name", ",", "weigh_path", ",", "cache_subdir", "=", "'models'", ")", "else", ":", "model_name", "=", "(", "'shufflenet_weights_tf_dim_ordering_tf_kernels_'", "+", "str", "(", "alpha", ")", "+", "'_'", "+", "str", "(", "rows", ")", "+", "'_no_top'", "+", "'.h5'", ")", "weigh_path", "=", "BASE_WEIGHT_PATH", "+", "model_name", "weights_path", "=", "get_file", "(", "model_name", ",", "weigh_path", ",", "cache_subdir", "=", "'models'", ")", "model", ".", "load_weights", "(", "weights_path", ")", "elif", "weights", "is", "not", "None", ":", "model", ".", "load_weights", "(", "weights", ")", "return", "model"], "url": "https://github.com/david8862/keras-YOLOv3-model-set/blob/e9f0f94109430973525219e66eeafe8a2f51363d/common/backbones/shufflenet.py#L23-L181"} |
{"feat_id": "13716782", "text": "Kelly: Oh! Oh! Can I pick the first question?\r\nJessica: Sure. Go for it!\r\nKelly: What's the scariest place you've been to!\r\nJessica: I'll start: Palermo in Italy.\r\nMickey: And what's so scary about that? Did you break your nail? :P\r\nJessica: Shut it, Mickey! No, there are the Capuchin Catacombs with 8000 corpses! \r\nKelly: Ewwww! Corpses? Rly?\r\nJessica: Yeah! And you can look at them like museum exhibits. I think they're divided somehow, but have no clue how!\r\nOllie: That's so cool! Do you get to see the bones or are they covered up?\r\nJessica: Well, partly. Most of them were exhibited in their clothes. Basically only skulls and hands. \r\nMickey: I'm writing this one down! That's so precious!\r\nOllie: Me too!", "target": "The scariest place for Jessica was the Capuchin Catacombs in Palermo.", "evaluation_predictions": [0, 37, 3, 29, 291, 52, 1016, 817, 7, 178, 24, 8, 577, 9540, 28, 3, 9, 3634, 344, 10605, 11, 16908, 81, 8, 6541, 7, 255, 65, 1906, 16, 8, 657, 360, 767, 5, 451, 987, 7, 160, 12537, 1565, 6, 5424, 1896, 6, 823, 42, 59, 3, 88, 133, 114, 12, 217, 8, 96, 4010, 2295, 77, 18610, 9, 9763, 7, 121, 78, 24, 3, 88, 54, 320, 44, 8, 7527, 15, 7, 13, 66, 10549, 13, 151, 5, 216, 92, 817, 7, 160, 24, 132, 33, 8760, 13, 7527, 15, 31, 7, 5678, 915, 16, 8, 629, 6, 68, 79, 1727, 12, 43, 150, 800, 149, 12, 4521, 5, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]} |
{"feat_id": "13716592", "text": "Carrie: Just back from Fantastic Beast :)\r\nGina: and what do you think?\r\nCarrie: generally good - as usual nice special effect and visuals, an ok plot, a glimpse of the wizarding community in the US.\r\nAlex: Sounds cool. I was thinking of going this weekend with Lane, but I've seen some bad reviews.\r\nCarrie: Depends on what you expect really - I have a lot of sentiment towards Harry Potter so, I'm gonna like everything the do. But seriously the movie was decent. However, if you're expecting to have your mind blown, then no, it's not THAT good.\r\nGina: I agree. I saw it last week and basically I'm satisfied.\r\nAlex: No spoilers, girls.\r\nCarrie: no worries ;)\r\nCarrie: And Gina, what do you think about Eddie Redmayne as Newt?\r\nGina: I loved him <3 I loved how introverted and awkward he was and how caring he was towards the animals. And with all that he showed a lot of confidence in his beliefs and was a genuinely compassionate character\r\nCarrie: not your standard protagonist, that's for sure\r\nGina: and that's what I liked about him\r\nAlex: Maybe I'll go and see it sooner so we can all talk about it.\r\nCarrie: go see it. If' you're not expecting god-knows-what you're going to enjoy it ;)", "target": "Carrie and Gina saw \"Fantastic Beast\" and liked it. Ginna loved Eddie Redmayne as Newt. ", "evaluation_predictions": [0, 1184, 1753, 817, 7, 5104, 11, 15079, 9, 24, 79, 43, 131, 3666, 45, 21737, 26695, 5, 328, 317, 34, 19, 207, 6, 68, 3, 99, 79, 1672, 34, 12, 43, 70, 809, 3, 17378, 132, 19, 150, 589, 24, 207, 5, 451, 92, 845, 24, 255, 114, 7, 8, 4024, 2650, 368, 17, 250, 3, 88, 4260, 3127, 168, 11, 47, 21801, 1587, 135, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]} |
{"feat_id": "13728528", "text": "Samantha: How are you doing today?\r\nRobyn: better, but I really exaggerated with bier last night\r\nSamantha: was it really only bier?\r\nRobyn: sure, why?\r\nSamantha: I don't know, your eyes, behaviour\r\nRobyn: you want to say I took drugs?\r\nSamantha: I'm only asking, I don't have anything against drugs\r\nRobyn: but I have and I never take them\r\nSamantha: ok, sorry, I didn't intend to offend you\r\nRobyn: I just drank too much, that's eat\r\nSamantha: much too much\r\nRobyn: yes, I lost control a bit\r\nRobyn: I am sorry for that\r\nSamantha: important that you feel better today", "target": "Robyn drank too much beer last night and lost control. She is feeling better today.", "evaluation_predictions": [0, 37, 3, 29, 291, 52, 1016, 817, 7, 178, 24, 8, 3, 27304, 15, 7, 7, 65, 131, 1219, 160, 24, 255, 19, 16, 3, 9, 1282, 6526, 250, 255, 47, 6663, 396, 231, 5, 451, 845, 24, 255, 141, 12, 497, 424, 12, 22103, 6, 68, 24, 255, 410, 59, 241, 12, 36, 30371, 5, 216, 987, 7, 125, 31, 7, 1786, 28, 376, 11, 6490, 24, 34, 429, 43, 118, 128, 4845, 24, 130, 838, 286, 44, 8, 3625, 15, 20, 1484, 7, 109, 5, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]} |
{"feat_id": "13813429", "text": "Peyton: I have been asking you to bring that video game for me\r\nCameron: Honey, I am not having enough time to come home\r\nPeyton: When would you come home?\r\nCameron: I will have to stay out of town for another week i guess\r\nPeyton: Cant you just deliver that game through the courier? :P\r\nCameron: Dont be mean :/\r\nPeyton: Get the job done and come to home then. ASAP :P", "target": "Peyton is expecting Cameron to bring the video game. Cameron will probably be out for another week.", "evaluation_predictions": [0, 86, 48, 4456, 3112, 6, 1276, 21220, 987, 7, 18501, 12, 830, 3, 9, 467, 21, 376, 5, 18501, 9460, 7, 6, 2145, 24, 3, 88, 56, 43, 12, 1749, 552, 430, 471, 12, 369, 234, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]} |
{"feat_id": "13731477", "text": "Gene: Did you get the package I sent you\r\nJack: No, when did you send it?\r\nGene: on Friday\r\nJack: shit I should have gotten it by now\r\nJack: send me the tracking umber I;ll check whats up\r\nGene: 12345678900", "target": "Jack has not received yet the package Gene had sent him on Friday. She sent him the tracking number, so he could check the status of the shipment. ", "evaluation_predictions": [0, 4496, 1299, 7, 3, 9, 1569, 12, 112, 1565, 6, 3558, 376, 149, 3, 88, 530, 8, 2642, 45, 376, 5, 216, 845, 24, 3, 88, 141, 12, 129, 34, 131, 2017, 11, 258, 987, 7, 125, 31, 7, 352, 30, 5, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]} |
{"feat_id": "13730896", "text": "Russ: Hi Gurdun, are you feeling better?\r\nGurdun: Hi Ross, a little bit better, yes, thank you.\r\nRuss: Do you think you'll be back at the uni this week?\r\nGurdun: Not tomorrow for sure, but I hope Wednesday maybe.\r\nRuss: Oh, that's fine.\r\nGurdun: Yeah. I'm feeling a bit weak still\r\nRuss: I guess that's pretty normal at this stage.\r\nGurdun: I believe so. And the muscle pain.\r\nRuss: I know what you mean. I had flu like that three months ago.\r\nGurdun: Luckily the headache's gone. It was absolutely awful.\r\nRuss: True enough. I had the same.\r\nGurdun: Anyway, how are things with you?\r\nRuss: Same old, same old, you know. Not much happening in the middle of term.\r\nGurdun: And the team?\r\nRuss: Oh yeah, we won the last match. It was a good game.\r\nGurdun: Great. Listen Russ, I need to run. Catch up later.\r\nRuss: OK, talk to you later.", "target": "Gurdun has the flu. He is feeling better. Gurdun hopes he'll be back at the uni on Wednesday. Russ and his team won the last match. ", "evaluation_predictions": [0, 486, 8, 414, 13, 8, 577, 6, 20402, 26, 202, 987, 7, 3, 99, 3, 88, 19, 1829, 168, 5, 216, 845, 3, 88, 7511, 3, 88, 56, 36, 223, 16, 8, 3819, 21, 128, 97, 5, 282, 4680, 6, 3, 88, 65, 3, 9, 12085, 11, 3, 9, 5467, 1406, 5, 37, 29, 3, 88, 817, 7, 376, 24, 3, 88, 141, 3, 9, 9412, 12085, 386, 767, 977, 11, 24, 34, 47, 182, 1282, 5, 86, 119, 1234, 6, 132, 130, 150, 3957, 13, 7562, 42, 136, 2261, 7095, 5, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]} |
{"feat_id": "13730348", "text": "Susan: Will you be home tomorrow?\r\nRob: Why do you ask?\r\nSusan: We could have dinner together if you have time after work\r\nRob: Sure! Sounds great\r\nSusan: Fantastic! I will cook something special then!", "target": "Rob will be home tomorrow. Rob and Susan will have dinner together after Rob's work. Susan will cook something special.", "evaluation_predictions": [0, 2759, 151, 43, 369, 12, 719, 1310, 6, 128, 13, 135, 7570, 12, 2497, 70, 1390, 21, 8, 2272, 5, 555, 13, 135, 2746, 12, 942, 376, 44, 112, 629, 24, 2272, 6, 68, 3, 88, 9460, 7, 250, 3, 88, 19, 78, 3164, 28, 161, 5, 216, 92, 2746, 12, 143, 417, 24, 3, 88, 54, 1350, 12, 160, 81, 268, 11, 149, 359, 34, 19, 12, 428, 376, 525, 525, 525, 251, 5, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]} |
{"feat_id": "13731077", "text": "Evan: Hi Dennis, I need to cancel my lesson tomorrow, sorry.\r\nDennis: Fine, what's up?\r\nEvan: Oh, got the flu, been off college since Tuesday. Should be ok for next Thurs.\r\nDennis: OK, just tell me in good time if you can't make it. Hope you feel better soon.\r\nEvan: Bye, Den! Thanks.", "target": "Evan can't come to his lesson tomorrow, because he's got the flu.", "evaluation_predictions": [0, 37, 416, 239, 6, 22743, 987, 7, 81, 112, 7095, 5, 216, 65, 118, 326, 1900, 21, 633, 477, 11, 65, 141, 3, 9, 6720, 24, 656, 376, 182, 13423, 5, 216, 817, 7, 18563, 24, 3, 88, 56, 36, 652, 394, 1116, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]} |
{"feat_id": "13817550", "text": "Lorena: Hi, can you help me with something?\r\nMartin: Well, I can try.\r\nMartin: Depends what it is?\r\nLorena: I got a new desk and it comes with assembly instructions but I give up, I just can't do it.\r\nLorena: I'm illiterate when it comes to instructions, haha.\r\nLorena: So I could really use some help...\r\nMartin: Hmm, I can't today, but how about tomorrow? Shouldn't take long anyway.\r\nLorena: Yeah, it's fine! I just need it for the weekend, but tomorrow's great! Sorry for troubling you again.\r\nMartin: Don't mention it, we've known each other for so long it's almost like we're siblings, haha.\r\nLorena: Thanks a lot! I should be home by 6, so let me know when you can.", "target": "Martin is going to help Lorena assemble a new desk. He is coming to her house tomorrow.", "evaluation_predictions": [0, 366, 3, 9, 388, 2650, 3394, 817, 7, 376, 24, 3, 88, 65, 1513, 897, 6, 3, 88, 987, 7, 12, 2516, 28, 160, 81, 8, 1052, 5, 216, 845, 3, 88, 19, 59, 417, 125, 12, 497, 68, 3, 88, 405, 241, 12, 217, 160, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]} |
{"feat_id": "13681441", "text": "Joanna: They are sending emails about Lewandowska.\r\nMerve: What happened?\r\nJoanna: <file_photo> \r\nMerve: Wooow!\r\nJoanna: She is hospitalized because she has measles.\r\nMerve: She had what?\r\nJoanna: Anyone who had contact with her within the last couple of days must get vaccinated.\r\nMerve: Luckily I didn't see her since the last semester...\r\nJoanna: I did, she is my thesis mentor :(\r\nMerve: What will you do?\r\nJoanna: They are organizing vaccinations in the main building from 17th until 19th.\r\nMerve: You have to go!\r\nJoanna: I know... And I just started working so I really don't have a lot of time.\r\nMerve: Come on, this is really important.\r\nJoanna: I will try to do it before work on 18th, hopefully I won't lose the entire day...", "target": "Lewandowska has measles. There are vaccinations in the main building from 17th until 19th for everyone who had contact with her. ", "evaluation_predictions": [0, 2194, 10878, 817, 7, 4039, 162, 24, 255, 65, 131, 1204, 3, 9, 2068, 45, 160, 9380, 6, 113, 65, 118, 2833, 1601, 250, 13, 140, 9, 2260, 5, 451, 845, 24, 1321, 113, 141, 1736, 160, 16, 8, 336, 360, 477, 398, 129, 1065, 12, 3, 8938, 75, 8660, 160, 5, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]} |
{"uuid": "008b7b19-0445-4e16-8f9e-075b73f80ca4", "postId": "380537005123190784", "postText": ["This is what makes employees happy -- and it's not their paycheck"], "postPlatform": "Twitter", "text": ["Despite common belief, money isn't the key to employee happiness, new research finds.", "A study by hiring software provider Cangrade revealed that being intellectually stimulated is the most important aspect of an employee's job satisfaction. Specially, those surveyed said intellectual stimulation accounts for 18.5 percent of their job satisfaction.", "That's compared to money, which accounts for just 5.4 percent of how happy an employee is with the job. Achievement and prestige, power and influence, work-life balance and affiliation and friendship were all rated more important to job satisfaction than money.", "\"These findings are quite surprising, because employers often assume things like income are the strongest drivers of happiness in the workplace,\" said Steve Lehr, Cangrade's chief science officer. \"In fact, our research shows that it may be the weakest.\"", "Researchers developed a three-part formula for employers who are eager to keep their staff happy:", "Try to ensure that jobs provide intellectual stimulation and task variety. Give employees some autonomy, influence and opportunities to acquire prestige and recognition. Employers should give employees these things even when they don't say they need them. Give them even more if they say they do.", "Employers should give all employees a break now and again, including the consummate workaholics who say they don't want or need it.", "Offer employees extra money, security and social opportunities. However, only to the extent they say these things matter to them.", "\"If there is a major takeaway here, it's that we can finally prove that money doesn't buy happiness, and that happiness isn't as elusive as we might think,\" said Cangrade CEO Michael Burtov.", "The study was based on surveys of nearly 600 U.S. employees."], "targetTitle": "Intellectual Stimulation Trumps Money For Employee Happiness, Survey Finds", "targetDescription": "By: Chad Brooks \r\nPublished: 09/18/2013 06:40 AM EDT on BusinessNewsDaily\r\n\r\n Despite common belief, money isn't the key to employee happiness, new re...", "targetKeywords": "employee happiness money,employee happiness intellectual stimulation,employee happiness,Third Metric", "targetMedia": ["http://i.huffpost.com/gen/1359674/images/o-HAPPY-EMPLOYEE-facebook.jpg", "http://s.m.huffpost.com/assets/Logo_HuffingtonPost-1f66cbef067771f8508930828f764bc8bf8c4b027e58e14e07d207a9f0ce1d31.svg", "http://i.huffpost.com/gadgets/slideshows/306096/slide_306096_2641494_free.jpg", "http://b.scorecardresearch.com/p?c1=2&c2=6723616&c3=&c4=&c5=&c6=&c15=&cj=1", "http://s.m.huffpost.com/assets/callout_highlight_icon-930f97b89eddc7188ad1c1e0a96bc1359e94a46ea21239c3c5ca3f25c543eaeb.gif", "http://s.m.huffpost.com/assets/snapchat-QR-56da75d622f38e76ff0d3dec97344808f972f51020435d37d55c6f0e2eaec780.png", "http://i.huffpost.com/gen/1359674/images/n-HAPPY-EMPLOYEE-628x314.jpg", "https://www.facebook.com/tr?id=10153394098876130&ev=PageView&noscript=1", "http://secure-us.imrworldwide.com/cgi-bin/m?ci=us-703240h&cg=0&cc=1&ts=noscript", "https://www.facebook.com/tr?id=1621685564716533&ev=PageView&noscript=1"], "targetUrl": "http://huff.to/1epfeaw", "provenance": {"source": "anonymized", "humanSpoiler": "Intellectual stimulation", "spoilerPublisher": "HuffPoSpoilers"}, "spoiler": ["intellectual stimulation"], "spoilerPositions": [[[1, 186], [1, 210]]], "label": ["phrase"]} |
{"uuid": "8acc9f97-846a-4c00-9483-82ddd638917d", "postId": "4o668d", "postText": ["The Reason Why Gabor Kiraly Wears THOSE Trackie Bottoms"], "postPlatform": "reddit", "text": ["June 14th 2016 3.3K Shares", "They may look like the sort of apparel you'd usually sport on the morning after 12 pints, just so the elasticated waist can provide enough give to support two hangover curing trips to Maccy D's and an evening Domino's, just for good measure, but Gabor Kiraly has made a name for himself by wearing grey tracksuit bottoms, as a professional footballer, for the last 16 years.", "But, why?", "Why would you favour a pair of pants that look like they might have been found in the lost property bin of a secondary school? Are they fused to him? Are his legs allergic to grass? Is he constantly hungover?", "In fact, the reason the oldest player at Euro 2016 wears those snazzy, grey marl bastards is down to a longstanding superstition or \"kabbalah\", as he explained during an interview, in 2005:", "\"The more good games I had in them, the more I got used to them. I had many good games in them, especially at Hertha Berlin in the Champions League and with the Hungarian national team.\"", "He'll be hoping they provide Hungary with plenty of luck during the European Championships."], "targetTitle": "The Reason Why Gabor Kiraly Wears THOSE Trackie Bottoms", "targetDescription": "He looks like he's had them since Year 6 P.E.", "targetKeywords": "Euro 2016,Football,hungary,Gabor Kiraly", "targetMedia": ["http://20.theladbiblegroup.com/s3/content/353x199/9a6090b75760444d90544cbc43027f38.jpg", "http://20.theladbiblegroup.com/s3/content/353x199/a40a414057601bc0db06d9274b8989cb.png", "http://20.theladbiblegroup.com/s3/content/353x199/cb12b3d55787b290945485b69ad18282.jpg", "http://20.theladbiblegroup.com/s3/content/353x199/c024bcb15760a3c9364fd9ddc8d2e220.jpg", "http://20.theladbiblegroup.com/s3/content/e80df2d5576084905a174637f29b2693.jpg", "http://www.thesportbible.com/assets/images/theme/snapchat.svg", "http://20.theladbiblegroup.com/s3/content/491x276/3aadbd52576084905a1795ad46bab263.jpg", "http://www.thesportbible.com/assets/images/theme/logo.svg", "http://www.thesportbible.com/assets/images/theme/vine-logo.svg", "http://20.theladbiblegroup.com/s3/content/353x199/08f379685785f83a0e83e317c02b5ab1.png", "http://20.theladbiblegroup.com/s3/content/353x199/76494bf157600c74fb3246e890fb0f8a.png", "http://20.theladbiblegroup.com/s3/content/353x199/df4bf8c5578701e19454ae0ff0d541ef.png", "https://d5nxst8fruw4z.cloudfront.net/atrk.gif?account=jzgkj1aAkN00Ej"], "targetUrl": "http://www.thesportbible.com/football/news-funny-the-reason-why-gabor-kiraly-wears-those-trackie-bottoms-20160614", "provenance": {"source": "anonymized", "humanSpoiler": "It's a lucky charm to him", "spoilerPublisher": "savedyouaclick"}, "spoiler": ["\"The more good games I had in them, the more I got used to them."], "spoilerPositions": [[[5, 0], [5, 64]]], "label": ["passage"]} |
{"text": "The Rock is destined to be the 21st Century 's new `` Conan '' and that he 's going to make a splash even greater than Arnold Schwarzenegger , Jean-Claud Van Damme or Steven Segal .", "label": 0} |
{"text": "The gorgeously elaborate continuation of `` The Lord of the Rings '' trilogy is so huge that a column of words can not adequately describe co-writer\\/director Peter Jackson 's expanded vision of J.R.R. Tolkien 's Middle-earth .", "label": 0} |
{"text": "Singer\\/composer Bryan Adams contributes a slew of songs -- a few potential hits , a few more simply intrusive to the story -- but the whole package certainly captures the intended , er , spirit of the piece .", "label": 0} |
{"text": "Yet the act is still charming here .", "label": 0} |
{"text": "Whether or not you 're enlightened by any of Derrida 's lectures on `` the other '' and `` the self , '' Derrida is an undeniably fascinating and playful fellow .", "label": 0} |
{"text": "Just the labour involved in creating the layered richness of the imagery in this chiaroscuro of madness and light is astonishing .", "label": 0} |
{"text": "Part of the charm of Satin Rouge is that it avoids the obvious with humour and lightness .", "label": 0} |
{"text": "a screenplay more ingeniously constructed than `` Memento ''", "label": 0} |
{"text": "Good fun , good action , good acting , good dialogue , good pace , good cinematography .", "label": 0} |
{"index": 1, "text": "newyork", "label": 0} |
{"text": "Du hast Lyrics\nYou, you hate, you hate me\nYou, you hate, you hate me\nYou, you hate, you hate me\nYou, you hate, you hate me\nYou, you hate, you hate me, you hate me\nYou hate me to say, you hate me to say\nYou hate me to say and I did not obey\nWill you until death does sever\nBe upright to her forever?\nNever, never\nWill you until death does sever\nBe upright to her forever?\nNever, never\nDu, du hast, du hast mich\nDu, du hast, du hast mich\nDu, du hast, du hast mich, du hast mich\nDu hast mich gefragt, du hast mich gefragt\nDu hast mich gefragt und ich hab nichts gesagt\nWill you until death does sever\nBe upright to her forever?\nNever, never\nWill you til death be her rider\nHer lover too, to stay inside her?\nNever, never\nWill you until death does sever\nBe upright?\nNever, never6Embed"} |
{"token": "united states", "frequency": 727591} |
{"token": "new york", "frequency": 647281} |
{"token": "high school", "frequency": 343808} |
{"token": "world war", "frequency": 321110} |
{"token": "early life", "frequency": 211400} |
{"token": "war ii", "frequency": 160523} |
{"token": "york city", "frequency": 153939} |
{"token": "new zealand", "frequency": 147106} |
{"token": "personal life", "frequency": 130912} |
{"text": "SECTION 1. MODIFICATIONS OF REPORTING REQUIREMENTS FOR CERTAIN STATE \n AND LOCAL POLITICAL ORGANIZATIONS.\n\n (a) Notification.--Paragraph (5) of section 527(i) of the Internal \nRevenue Code of 1986 (relating to organizations must notify Secretary \nthat they are section 527 organizations) is amended by striking ``or'' \nat the end of subparagraph (A), by striking the period at the end of \nsubparagraph (B) and inserting ``, or'', and by adding at the end the \nfollowing:\n ``(C) which is a political committee of a State or \n local candidate, or a local committee of a political \n party, as defined by State law.''.\n (b) Exemption for Certain State and Local Political Committees From \nReporting Requirements.--\n (1) In general.--Paragraph (5) of section 527(j) of such \n Code (relating to required disclosures of expenditures and \n contributions) is amended by redesignating subparagraphs (C), \n (D), and (E) as subparagraphs (D), (E), and (F), respectively, \n and by inserting after subparagraph (B) the following new \n subparagraph:\n ``(C) to any organization which is an exempt State \n or local political organization,''.\n (2) Exempt state or local political organization.--\n Subsection (e) of section 527 of such Code (relating to other \n definitions) is amended by adding at the end the following new \n paragraph:\n ``(5) Exempt state or local political organization.--\n ``(A) In general.--The term `exempt State or local \n political organization' means a political \n organization--\n ``(i) which does not engage in any exempt \n function other than to influence or to attempt \n to influence the selection, nomination, \n election, or appointment of any individual to \n any State or local public office or office in a \n State or local political organization,\n ``(ii) which is subject to State or local \n requirements to submit reports containing \n information--\n ``(I) regarding individual \n expenditures from and contributions to \n such organization, and\n ``(II) regarding the person who \n makes such contributions or receives \n such expenditures,\n which is substantially similar to the \n information which would otherwise be required \n to be reported under this section, and\n ``(iii) with respect to which the reports \n referred to in clause (ii) are made public by \n the agency with which such reports are filed \n and are publicly available for inspection in a \n manner similar to that required by section \n 6104(d)(1).\n ``(B) Participation of federal candidate or office \n holder.--The term `exempt State or local political \n organization' shall not include any organization \n otherwise described in subparagraph (A) if a candidate \n for nomination or election to Federal elective office \n or an individual who holds such office--\n ``(i) controls or materially participates \n in the direction of the organization, or\n ``(ii) directs, in whole or in part, \n expenditures or fundraising activities of the \n organization.''.\n (c) Annual Return Requirements.--\n (1) Income tax returns required only where political \n organization taxable income.--Paragraph (6) of section 6012(a) \n of such Code (relating to general rule of persons required to \n make returns of income) is amended by striking ``or which has \n gross receipts of $25,000 or more for the taxable year (other \n than an organization to which section 527 applies solely by \n reason of subsection (f)(1) of such section)''.\n (2) Information returns.--Subsection (g) of section 6033 of \n such Code (relating to returns required by political \n organizations) is amended to read as follows:\n ``(g) Returns Required by Political Organizations.--\n ``(1) In general.--Every political organization (within the \n meaning of section 527(e)(1)), and every fund treated under \n section 527(g) as if it constituted a political organization, \n which has gross receipts of $25,000 or more for the taxable \n year shall file a return--\n ``(A) containing the information required, and \n complying with the other requirements, under subsection \n (a)(1) for organizations exempt from taxation under \n section 501(a), and\n ``(B) containing such other information as the \n Secretary deems necessary to carry out the provisions \n of this subsection.\n ``(2) Exceptions from filing.--\n ``(A) Mandatory exceptions.--Paragraph (1) shall \n not apply to an organization--\n ``(i) which is an exempt State or local \n political organization (as defined in section \n 527(e)(5)),\n ``(ii) which is a State or local committee \n of a political party, or political committee of \n a State or local candidate, as defined by State \n law,\n ``(iii) which is a caucus or association of \n State or local elected officials,\n ``(iv) which is a national association of \n State or local officials,\n ``(v) which is an authorized committee (as \n defined in section 301(6) of the Federal \n Election Campaign Act of 1971) of a candidate \n for Federal office,\n ``(vi) which is a national committee (as \n defined in section 301(14) of the Federal \n Election Campaign Act of 1971) of a political \n party, or\n ``(vii) to which section 527 applies for \n the taxable year solely by reason of subsection \n (f)(1) of such section.\n ``(B) Discretionary exception.--The Secretary may \n relieve any organization required under paragraph (1) \n to file an information return from filing such a return \n where he determines that such filing is not necessary \n to the efficient administration of the internal revenue \n laws.''.\n (d) Waiver of Penalties.--Section 527 of such Code is amended by \nadding at the end the following:\n ``(k) Authority To Waive.--The Secretary may waive all or any \nportion of the--\n ``(1) tax assessed on an organization by reason of the \n failure of the organization to give notice under subsection \n (i), or\n ``(2) penalty imposed under subsection (j) for a failure to \n file a report,\non a showing that such failure was due to reasonable cause and not due \nto willful neglect.''.\n (e) Effective Date.--The amendments made by this section shall take \neffect as if included in the amendments made by Public Law 106-230.\n\nSEC. 2. NOTIFICATION OF INTERACTION OF REPORTING REQUIREMENTS.\n\n (a) In General.--The Secretary of the Treasury, in consultation \nwith the Federal Election Commission, shall publicize information on--\n (1) the effect of the amendments made by this Act, and\n (2) the interaction of requirements to file a notification \n or report under section 527 of the Internal Revenue Code of \n 1986 and reports under the Federal Election Campaign Act of \n 1971.\n (b) Information.--Information provided under subsection (a) shall \nbe included in any appropriate form, instruction, notice, or other \nguidance issued to the public by the Secretary of the Treasury or the \nFederal Election Commission regarding reporting requirements of \npolitical organizations (as defined in section 527 of the Internal \nRevenue Code of 1986) or reporting requirements under the Federal \nElection Campaign Act of 1971.\n\nSEC. 3. TECHNICAL CORRECTIONS TO SECTION 527 ORGANIZATION DISCLOSURE \n PROVISIONS.\n\n (a) Unsegregated Funds Not To Avoid Tax.--Paragraph (4) of section \n527(i) of the Internal Revenue Code of 1986 (relating to failure to \nnotify) is amended by adding at the end the following new sentence: \n``For purposes of the preceding sentence, the term `exempt function \nincome' means any amount described in a subparagraph of subsection \n(c)(3), whether or not segregated for use for an exempt function.''.\n (b) Procedures for Assessment and Collection of Penalty.--Paragraph \n(1) of section 527(j) of such Code (relating to required disclosure of \nexpenditures and contributions) is amended by adding at the end the \nfollowing new sentence: ``For purposes of subtitle F, the penalty \nimposed by this paragraph shall be assessed and collected in the same \nmanner as penalties imposed by section 6652(c).''.\n (c) Application of Fraud Penalty.--Section 7207 of such Code \n(relating to fraudulent returns, statements, and other documents) is \namended by striking ``pursuant to subsection (b) of section 6047 or \npursuant to subsection (d) of section 6104'' and inserting ``pursuant \nto section 6047(b), section 6104(d), or subsection (i) or (j) of \nsection 527''.\n (d) Duplicate Electronic and Written Filings Not Required.--\n (1) Subparagraph (A) of section 527(i)(1) of such Code is \n amended by striking ``, electronically and in writing,''.\n (2) Subsection (i) of section 527 of such Code is amended \n by adding at the end the following new paragraph:\n ``(7) Electronic filing.--The Secretary shall develop \n procedures for submission in electronic form of notices \n required to be filed under this subsection and reports required \n to be filed under subsection (j).''.\n (e) Effective Dates.--\n (1) Subsections (a) and (b).--The amendments made by \n subsections (a) and (b) shall apply to failures occurring on or \n after the date of the enactment of this Act.\n (2) Subsections (c) and (d).--The amendments made by \n subsections (c) and (d) shall take effect as if included in the \n amendments made by Public Law 106-230.", "target": "Amends the Internal Revenue Code to: (1) exempt State and local candidate committees, as well as local committees of political parties, from specified notification requirements; (2) exempt certain State and local political organizations from specified reporting requirements; (3) remove language dictating that certain political organizations with gross receipts of $25,000 or more for a taxable year and specified political newsletter funds with such receipts shall file income tax returns; (4) mandate that, with certain designated exceptions, every political organization with gross receipts of $25,000 or more for a taxable year and specified political newsletter funds with such receipts file information returns with specified information including income, receipts and disbursements, as well as facts deemed necessary by the Secretary of the Treasury; (5) authorize the Secretary to waive certain related penalties; and (6) amend related penalty provisions.", "feat_title": "To amend section 527 of the Internal Revenue Code of 1986 to eliminate reporting and return requirements for State and local candidate committees and to avoid duplicate reporting of campaign-related information.", "evaluation_predictions": [0, 86, 48, 5800, 6, 8, 3, 29, 291, 52, 1016, 8788, 8, 9848, 13, 8, 7491, 7, 13, 1193, 6327, 10, 5568, 305, 2555, 19, 21012, 57, 617, 7, 430, 1375, 12, 8, 570, 13, 1215, 9045, 2315, 42, 415, 1827, 2371, 5, 37, 1657, 96, 994, 9045, 976, 598, 3, 9, 19289, 1470, 24, 405, 59, 4082, 136, 1215, 9045, 3621, 119, 145, 12, 29920, 42, 12, 3332, 34, 12, 2860, 8, 9581, 6, 4356, 6, 11, 4141, 13, 1321, 16, 538, 42, 415, 452, 6036, 5, 37, 1353, 560, 5178, 13, 2822, 4775, 18, 42, 828, 18, 5235, 6, 11, 2041, 1205, 1502, 5, 71, 563, 113, 65, 1514, 5898, 42, 72, 911, 7, 508, 6201, 13, 540, 45, 46, 1470, 6, 84, 56, 36, 831, 12, 4237, 2279, 21, 1104, 3659, 5, 465, 80, 54, 36, 2225, 12, 9479, 5146, 250, 79, 33, 529, 18, 14727, 15, 26, 10409, 5, 37, 15852, 164, 19788, 8, 1104, 30, 46, 1470, 788, 12, 8, 3338, 13, 112, 934, 117, 983, 6, 8, 17615, 1178, 26712, 66, 42, 150, 4149, 13, 8, 1104, 14841, 30, 389, 1470, 57, 1053, 163, 13, 8, 3338, 12, 428, 2103, 42, 10736, 21, 3, 9, 4567, 934, 5, 37, 1108, 92, 4277, 7, 126, 2219, 21, 5099, 5856, 5, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]} |
{"text": "SECTION 1. SHORT TITLE.\n\n This title may be cited as the ``Temporary Emergency Unemployment \nCompensation Act of 2001''.\n\nSEC. 2. FEDERAL-STATE AGREEMENTS.\n\n (a) In General.--Any State which desires to do so may enter into \nand participate in an agreement under this title with the Secretary of \nLabor (in this title referred to as the ``Secretary''). Any State which \nis a party to an agreement under this title may, upon providing 30 days \nwritten notice to the Secretary, terminate such agreement.\n (b) Provisions of Agreement.--Any agreement under subsection (a) \nshall provide that the State agency of the State will make payments of \ntemporary emergency unemployment compensation to individuals who--\n (1) have exhausted all rights to regular compensation under \n the State law;\n (2) have no rights to compensation (including both regular \n compensation and extended compensation) with respect to a week \n under such law or any other State unemployment compensation law \n or to compensation under any other Federal law (and are not \n paid or entitled to be paid any additional compensation under \n any State or Federal law); and\n (3) are not receiving compensation with respect to such \n week under the unemployment compensation law of Canada.\n (c) Exhaustion of Benefits.--For purposes of subsection (b)(1), an \nindividual shall be deemed to have exhausted such individual's rights \nto regular compensation under a State law when--\n (1) no payments of regular compensation can be made under \n such law because such individual has received all regular \n compensation available to such individual based on employment \n or wages during such individual's base period; or\n (2) such individual's rights to such compensation have been \n terminated by reason of the expiration of the benefit year with \n respect to which such rights existed.\n (d) Weekly Benefit Amount.--For purposes of any agreement under \nthis title--\n (1) the amount of temporary emergency unemployment \n compensation which shall be payable to any individual for any \n week of total unemployment shall be equal to the amount of the \n regular compensation (including dependents' allowances) payable \n to such individual during such individual's benefit year under \n the State law for a week of total unemployment;\n (2) the terms and conditions of the State law which apply \n to claims for regular compensation and to the payment thereof \n shall apply to claims for temporary emergency unemployment \n compensation and the payment thereof, except where inconsistent \n with the provisions of this title or with the regulations or \n operating instructions of the Secretary promulgated to carry \n out this title; and\n (3) the maximum amount of temporary emergency unemployment \n compensation payable to any individual for whom a temporary \n emergency unemployment compensation account is established \n under section 3 shall not exceed the amount established in such \n account for such individual.\n (e) Election by States.--Notwithstanding any other provision of \nFederal law (and if State law permits), the Governor of a State is \nauthorized and may elect to trigger off an extended compensation period \nin order to provide payment of temporary emergency unemployment \ncompensation to individuals who have exhausted their rights to regular \ncompensation under State law.\n\nSEC. 3. TEMPORARY EMERGENCY UNEMPLOYMENT COMPENSATION ACCOUNT.\n\n (a) In General.--Any agreement under this title shall provide that \nthe State will establish, for each eligible individual who files an \napplication for temporary emergency unemployment compensation, a \ntemporary emergency unemployment compensation account with respect to \nsuch individual's benefit year.\n (b) Amount in Account.--\n (1) In general.--The amount established in an account under \n subsection (a) shall be equal to 13 times the individual's \n average weekly benefit amount for the benefit year.\n (2) Reduction for extended benefits.--The amount in an \n account under paragraph (1) shall be reduced (but not below \n zero) by the aggregate amount of extended compensation (if any) \n received by such individual relating to the same benefit year \n under the Federal-State Extended Unemployment Compensation Act \n of 1970 (26 U.S.C. 3304 note).\n (3) Weekly benefit amount.--For purposes of this \n subsection, an individual's weekly benefit amount for any week \n is the amount of regular compensation (including dependents' \n allowances) under the State law payable to such individual for \n such week for total unemployment.\n\nSEC. 4. PAYMENTS TO STATES HAVING AGREEMENTS FOR THE PAYMENT OF \n TEMPORARY EMERGENCY UNEMPLOYMENT COMPENSATION.\n\n (a) General Rule.--There shall be paid to each State that has \nentered into an agreement under this title an amount equal to 100 \npercent of the temporary emergency unemployment compensation paid to \nindividuals by the State pursuant to such agreement.\n (b) Treatment of Reimbursable Compensation.--No payment shall be \nmade to any State under this section in respect of any compensation to \nthe extent the State is entitled to reimbursement in respect of such \ncompensation under the provisions of any Federal law other than this \ntitle or chapter 85 of title 5, United States Code. A State shall not \nbe entitled to any reimbursement under such chapter 85 in respect of \nany compensation to the extent the State is entitled to reimbursement \nunder this title in respect of such compensation.\n (c) Determination of Amount.--Sums payable to any State by reason \nof such State having an agreement under this title shall be payable, \neither in advance or by way of reimbursement (as may be determined by \nthe Secretary), in such amounts as the Secretary estimates the State \nwill be entitled to receive under this title for each calendar month, \nreduced or increased, as the case may be, by any amount by which the \nSecretary finds that the Secretary's estimates for any prior calendar \nmonth were greater or less than the amounts which should have been paid \nto the State. Such estimates may be made on the basis of such \nstatistical, sampling, or other method as may be agreed upon by the \nSecretary and the State agency of the State involved.\n\nSEC. 5. FINANCING PROVISIONS.\n\n (a) In General.--Funds in the extended unemployment compensation \naccount (as established by section 905(a) of the Social Security Act \n(42 U.S.C. 1105(a)) of the Unemployment Trust Fund (as established by \nsection 904(a) of such Act (42 U.S.C. 1104(a)) shall be used for the \nmaking of payments to States having agreements entered into under this \ntitle.\n (b) Certification.--The Secretary shall from time to time certify \nto the Secretary of the Treasury for payment to each State the sums \npayable to such State under this title. The Secretary of the Treasury, \nprior to audit or settlement by the General Accounting Office, shall \nmake payments to the State in accordance with such certification, by \ntransfers from the extended unemployment compensation account (as so \nestablished) to the account of such State in the Unemployment Trust \nFund (as so established).\n (c) Assistance to States.--There are appropriated, without fiscal \nyear limitation, such funds as may be necessary for purposes of \nassisting States (as provided in title III of the Social Security Act \n(42 U.S.C. 501 et seq.) in meeting the costs of administration of \nagreements under this title.\n (d) Authorization of Appropriations for Certain Payments.--There \nare appropriated from the general fund of the Treasury, without fiscal \nyear limitation, to the extended unemployment compensation account (as \nso established) of the Unemployment Trust Fund (as so established) such \nsums as the Secretary estimates to be necessary to make the payments \nunder this section in respect of--\n (1) compensation payable under chapter 85 of title 5, \n United States Code; and\n (2) compensation payable on the basis of services to which \n section 3309(a)(1) of the Internal Revenue Code of 1986 \n applies.\nAmounts appropriated pursuant to the preceding sentence shall not be \nrequired to be repaid.\n\nSEC. 6. FRAUD AND OVERPAYMENTS.\n\n (a) In General.--If an individual knowingly has made, or caused to \nbe made by another, a false statement or representation of a material \nfact, or knowingly has failed, or caused another to fail, to disclose a \nmaterial fact, and as a result of such false statement or \nrepresentation or of such nondisclosure such individual has received an \namount of temporary emergency unemployment compensation under this \ntitle to which he was not entitled, such individual--\n (1) shall be ineligible for further temporary emergency \n unemployment compensation under this title in accordance with \n the provisions of the applicable State unemployment \n compensation law relating to fraud in connection with a claim \n for unemployment compensation; and\n (2) shall be subject to prosecution under section 1001 of \n title 18, United States Code.\n (b) Repayment.--In the case of individuals who have received \namounts of temporary emergency unemployment compensation under this \ntitle to which they were not entitled, the State shall require such \nindividuals to repay the amounts of such emergency unemployment \ncompensation to the State agency, except that the State agency may \nwaive such repayment if it determines that--\n (1) the payment of such emergency unemployment compensation \n was without fault on the part of any such individual; and\n (2) such repayment would be contrary to equity and good \n conscience.\n (c) Recovery by State Agency.--\n (1) In general.--The State agency may recover the amount to \n be repaid, or any part thereof, by deductions from any \n temporary emergency unemployment compensation payable to such \n individual under this title or from any unemployment \n compensation payable to such individual under any Federal \n unemployment compensation law administered by the State agency \n or under any other Federal law administered by the State agency \n which provides for the payment of any assistance or allowance \n with respect to any week of unemployment, during the 3-year \n period after the date such individuals received the payment of \n the temporary emergency unemployment compensation to which they \n were not entitled, except that no single deduction may exceed \n 50 percent of the weekly benefit amount from which such \n deduction is made.\n (2) Opportunity for hearing.--No repayment shall be \n required, and no deduction shall be made, until a determination \n has been made, notice thereof and an opportunity for a fair \n hearing has been given to the individual, and the determination \n has become final.\n (d) Review.--Any determination by a State agency under this section \nshall be subject to review in the same manner and to the same extent as \ndeterminations under the State unemployment compensation law, and only \nin that manner and to that extent.\n\nSEC. 7. DEFINITIONS.\n\n In this title, the terms ``compensation'', ``regular \ncompensation'', ``extended compensation'', ``additional compensation'', \n``benefit year'', ``base period'', ``State'', ``State agency'', ``State \nlaw'', and ``week'' have the respective meanings given such terms under \nsection 205 of the Federal-State Extended Unemployment Compensation Act \nof 1970 (26 U.S.C. 3304 note).\n\nSEC. 8. APPLICABILITY.\n\n An agreement entered into under this Act shall apply to weeks of \nunemployment--\n (1) beginning no earlier than the first day of the first \n week beginning after the date on which such agreement is \n entered into; and\n (2) ending before the date that is 18 months after the date \n of enactment of this Act.\n\nSEC. 9. TEMPORARY REDUCTION IN INTEREST RATE APPLICABLE TO REPAYMENTS \n OF ADVANCES TO STATE UNEMPLOYMENT FUNDS.\n\n With respect to advances made to a State under section 1201 of the \nSocial Security Act (42 U.S.C. 1321) during the period beginning on the \ndate of enactment of this Act and ending on the date that is 18 months \nafter such date of enactment, the rate of interest paid by a State on \nsuch an advance shall be determined under section 1202(b)(4) of the \nsuch Act (42 U.S.C. 1322(b)(4)) by substituting ``5 percent'' for ``10 \npercent'' in the matter preceding subparagraph (A).", "target": "Temporary Emergency Unemployment Compensation Act of 2001 - Provides for a program of temporary emergency unemployment compensation (TEUC).Sets forth TEUC program requirements for Federal-State agreements, formulas for determining amounts in individual TEUC accounts and weekly benefits, payments to States, and financing. Includes among eligibility requirements an individual's not having rights, with respect to a week, to other compensation (including both regular and extended compensation). Reduces an individual TEUC account by the aggregate amount of any extended compensation for the same benefit year.Applies TEUC agreements to weeks of unemployment: (1) beginning on or after the first day of the first week after the date on which such agreement is entered into; and (2) ending before the date that is 18 months after enactment of this Act.Provides for a temporary reduction in the interest rate applicable to repayments of advances to State unemployment funds.", "feat_title": "A bill to provide for a program of temporary enhanced unemployment benefits.", "evaluation_predictions": [0, 37, 5034, 18, 134, 5540, 27944, 597, 29056, 6107, 1983, 13, 4402, 19, 3, 9, 4494, 2791, 876, 12, 766, 24, 8, 538, 3193, 56, 726, 7234, 3583, 17646, 29052, 12, 1742, 113, 33, 59, 7201, 12, 1646, 6107, 250, 79, 43, 21436, 66, 11133, 7020, 57, 538, 973, 5, 71, 1157, 960, 65, 118, 263, 16, 455, 12, 253, 91, 125, 2315, 43, 4686, 12, 103, 28, 8, 4311, 6107, 358, 5, 86, 48, 495, 6, 150, 80, 133, 36, 5573, 21, 136, 4760, 12183, 7, 42, 1151, 6107, 365, 8, 2822, 973, 5, 282, 34, 5050, 91, 6, 132, 33, 150, 1281, 8281, 30, 8, 1353, 13, 8, 1696, 5, 94, 92, 963, 46, 2791, 344, 8, 1015, 3193, 11, 8, 15852, 13, 9836, 84, 1250, 2315, 12, 3716, 16, 46, 10663, 365, 48, 18692, 5, 156, 2315, 2058, 139, 46, 2791, 28, 8, 7471, 81, 3718, 1942, 13, 3583, 17646, 6107, 117, 273, 113, 911, 22624, 6107, 225, 59, 36, 2225, 12, 911, 1151, 6107, 5, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]} |
{"text": "SECTION 1. SHORT TITLE.\n\n This Act may be cited as the ``Combating Climate Change Through \nIndividual Action Act of 2008''.\n\nSEC. 2. FINDINGS.\n\n Congress finds the following:\n (1) Agricultural, grassland, and forestry practices play an \n essential role in capturing atmospheric carbon and sequestering \n it as soil organic matter.\n (2) Released carbon can be captured through improved \n grassland management, tree planting, forest preservation, and \n enhanced agronomic and irrigation practices.\n (3) Promoting increased natural carbon sinks could have a \n significant impact on the world's projected carbon emissions \n from the burning of fossil fuels.\n (4) Certain agricultural and forestry practices can reduce \n greenhouse gases: (A) avoiding emissions by maintaining \n existing carbon storage in trees and soils; (B) increasing \n carbon storage by, e.g., tree planting, conversion from \n conventional to conservation tillage practices on agricultural \n lands;\n (5) The large potentials exist through known cropping and \n land management practices such as adoption of no-till, reduced \n fallow and use of cover crops, and conservation set-asides with \n perennial grasses and trees.\n\nSEC. 3. CARBON SEQUESTRATION AND SOIL CONSERVATION CREDIT.\n\n (a) In General.--Subpart D of part IV of subchapter A of chapter 1 \nof the Internal Revenue Code of 1986 (relating to business related \ncredits) is amended by adding at the end the following new section:\n\n``SEC. 45O. CARBON SEQUESTRATION AND SOIL CONSERVATION.\n\n ``(a) In General.--For purposes of section 38, in the case of a \ntaxpayer engaged in the business of farming, the credit determined \nunder this section for the taxable year is an amount equal to 30 \npercent of the qualified carbon sequestration and soil conservation \nexpenditures for the taxable year which are paid or incurred with \nrespect to the land used in such farming.\n ``(b) Limitation.--The credit allowed with respect to a taxpayer \nunder this section for a taxable year shall not exceed an amount equal \nto $10,000, reduced by the sum of the credits allowed with respect to \nthe taxpayer under subsection (a) for all preceding taxable years.\n ``(c) Qualified Carbon Sequestration and Soil Conservation \nExpenses.--For purposes of this section--\n ``(1) In general.--The term `qualified carbon sequestration \n and soil conservation expenditures' means amounts paid or \n incurred to sequester carbon and conserve soil, including--\n ``(A) expenditures described in section 175(c),\n ``(B) conservation tillage expenditures,\n ``(C) cover cropping expenditures,\n ``(D) amounts paid or incurred to increase the \n nitrogen use efficiency (other than use of nitrogen \n fertilizers) of land used in farming, and\n ``(E) amounts paid or incurred for multiple year \n rotations, including introduction of a perennial that \n reduces carbon loss and tillage, builds soil tilth, and \n increases carbon capture capacity.\n ``(2) Conservation tillage expenditures.--The term \n `conservation tillage expenditures' means any expenditures paid \n or incurred for a tilling and planting method in which at least \n 30 percent of the previous crop residue remains on the soil \n after planting the current crop. Such term includes the \n following tilling practices: no till, ridge till, minimum till, \n and mulch till.\n ``(3) Cover cropping expenditures.--The term `cover \n cropping expenditures' means expenditures paid or incurred for \n the preparation and seeding of land for any grass, legume, or \n small grain--\n ``(A) which is not the primary crop of the \n taxpayer,\n ``(B) the primary purpose of which is to achieve \n one or more of the following: reduction in erosion; \n maintenance or improvement in soil fertility, tilth, \n and structure,\n ``(C) a purpose of which may be interruption of \n pest cycles or conservation of water.\n ``(d) Per Acre Credit Alternative.--\n ``(1) In general.--Not later than 180 days after the date \n of the enactment of this section, the Secretary shall, in \n consultation with the Secretary of Agriculture, establish an \n alternative procedure for determining the credit under \n subsection (a), which, at the election of the taxpayer, shall \n be treated as the amount determined under subsection (a).\n ``(2) Procedure described.--(A) The Secretary shall \n establish credit amounts to apply to land used in farming on a \n per acre basis with respect to each method of carbon \n sequestration and soil conservation described in subsection \n (c)(1).\n ``(B) Such credit amounts shall be based on the efficacy of \n the method in sequestering carbon and preventing soil erosion.\n ``(C) No such credit amount may exceed $15 per acre.\n ``(D) The Secretary shall prescribe rules similar to the \n rules of paragraphs (1) through (4) of subsection (e) to apply \n for purposes of the procedure established under this \n subsection.\n ``(3) Election.--An election to use such alternative method \n shall be made in such form and manner as the Secretary may \n prescribe, and shall apply to the taxable year for which made \n and for all subsequent taxable years.\n ``(e) Definition and Special Rules.--\n ``(1) Land used in farming.--For purposes of this section, \n land shall be treated as used in farming only if such land is \n used (before or simultaneously with the expenditures described \n in subsection (c)(1)) by the taxpayer or his tenant for the \n production of crops, fruits, or other agricultural products or \n for the sustenance of livestock.\n ``(2) Expenditures must be consistent with soil \n conservation plan.--Notwithstanding any other provision of this \n section, subsection (a) shall not apply to any expenditures \n unless such expenditures are consistent with--\n ``(A) the plan (if any) approved by the Soil \n Conservation Service of the Department of Agriculture \n for the area in which the land is located, or\n ``(B) if there is no plan described in clause (i), \n any soil conservation plan of a comparable State \n agency.\n ``(3) Basis adjustment.--For purposes of this subtitle, if \n a credit is determined under this section for any expenditure \n with respect to any property, the increase in the basis of such \n property which would (but for this paragraph) result from such \n expenditure shall be reduced by the amount of the credit so \n determined.\n ``(4) Denial of double benefit.--No deduction or other \n credit shall be allowed under this chapter for any amount taken \n into account in determining the credit under this section.\n ``(f) Termination.--This section shall not apply to taxable years \nbeginning after December 31, 2013.''.\n (b) Credit Made Part of General Business Credit.--Subsection (b) of \nsection 38 of such Code (relating to current year business credit) is \namended by striking ``plus'' at the end of paragraph (30), by striking \nthe period at the end of paragraph (31) and inserting ``plus'', and by \nadding at the end the following new paragraph:\n ``(32) the carbon sequestration and soil conservation \n credit determined under section 45O(a).''.\n (c) Conforming Amendments.--Subsection (a) of section 1016 of such \nCode (relating to adjustments to basis) is amended by striking ``and'' \nat the end of paragraph (35), by striking the period at the end of \nparagraph (36) and inserting ``and'', and by adding at the end the \nfollowing new paragraph:\n ``(37) to the extent provided in section 45O(e).''.\n (d) Clerical Amendment.--The table of sections for subpart D of \npart IV of subchapter A of chapter 1 of such Code is amended by adding \nat the end the following new item:\n\n``Sec. 45O. Carbon sequestration and soil conservation.''.\n (e) Effective Date.--The amendments made by this section shall \napply to expenditures paid or incurred after December 31, 2008.\n\nSEC. 4. QUALIFYING PLANTING EXPENDITURE CREDIT.\n\n (a) In General.--Subpart B of part IV of subchapter A of chapter 1 \nof the Internal Revenue Code of 1986 (relating to other credits) is \namended by adding at the end the following new section:\n\n``SEC. 30D. QUALIFIED PLANTING EXPENDITURE CREDIT.\n\n ``(a) Allowance of Credit.--There shall be allowed as a credit \nagainst the tax imposed by this chapter for the taxable year an amount \nequal to 10 percent of the qualified planting expenditures of the \ntaxpayer for the taxable year.\n ``(b) Limitations.--The amount taken into account under subsection \n(a) for any taxable year shall not exceed--\n ``(1) in the case of expenditures paid or incurred by the \n taxpayer with respect to an area which is included under \n section 121 as part of the taxpayer's principal residence, \n $5,000,\n ``(2) in the case of expenditures paid or incurred by the \n taxpayer in the course of, or with respect to, a trade or \n business carried on by the taxpayer, $50,000, and\n ``(3) in any other case, zero.\n ``(c) Qualified Planting Expenditures.--For purposes of this \nsection--\n ``(1) In general.--The term `qualifying planting \n expenditures' means expenditures paid or incurred--\n ``(A) for the purchase and planting of any tree, \n plant, shrub, or bush which meets the requirements of \n paragraph (2), and\n ``(B) for the purchase and installation of a \n vegetated roof system.\n Such term shall not include expenditures relating to any \n property which is held by the taxpayer for use in a trade or \n business or for the production of income, or which is property \n described in section 1221(a)(1) in the hands of the taxpayer.\n ``(2) Trees, plants, shrubs, or bushes.--A tree, plant, \n shrub, or bush satisfies the requirements of the paragraph if \n such tree, plant, shrub, or bush is certified, in accordance \n with guidance prescribed by the Secretary (after consultation \n with the Administrator of the Environmental Protection Agency \n and the Secretary of Agriculture), to be quick-growing, \n appropriate for the region in which it is planted, and \n effective in capturing carbon.\n ``(3) Vegetated roof system.--The term `vegetated roof \n system' means a system by which vegetation growing in a \n substrate is integrated with the roof (or portion thereof) of a \n building owned by the taxpayer.\n ``(d) Application With Other Credits.--The credit allowed under \nsubsection (a) for any taxable year shall not exceed the excess (if \nany) of--\n ``(1) the regular tax liability (as defined in section \n 26(b)) reduced by the sum of the credits allowable under \n subpart A and sections 27, 30, 30B, and 30C, over\n ``(2) the tentative minimum tax for the taxable year.\n ``(e) Definition and Special Rules.--For purposes of this section--\n ``(1) Principal residence.--The term `principal residence' \n has the same meaning as when used in section 121, except that \n no ownership requirement shall be imposed.\n ``(2) Joint occupancy, cooperative housing corporations, \n and condominium management associations.--Rules similar to the \n rules of paragraphs (4), (5), and (6) of section 25D(e) shall \n apply.\n ``(3) Expenditures outside united states.--The credit under \n this section shall not be allowed with respect to expenditures \n paid or incurred for areas located outside the United States.\n ``(4) Basis adjustment.--For purposes of this subtitle, if \n a credit is allowed under this section for an expenditure, the \n increase in basis which would result (but for this subsection) \n from such expenditure shall be reduced by the amount of credit \n allowed under this section.\n ``(f) Termination.--This section shall not apply to taxable years \nbeginning after December 31, 2013.''.\n (b) Conforming Amendments.--\n (1) Subsection (a) of section 1016, as amended by section \n 3, is amended by striking ``and'' at the end of paragraph (36), \n by striking the period at the end of paragraph (37) and \n inserting ``and'', and by adding at the end the following new \n paragraph:\n ``(38) to the extent provided in section 30D(e)(4).''.\n (2) The table of sections for subpart B of part IV of \n subchapter A of chapter 1 of such Code is amended by inserting \n after the item relating to section 30C the following new item:\n\n``Sec. 30D. Qualified planting expenditure credit.''.\n (c) Effective Date.--The amendments made by this section shall \napply to expenditures paid or incurred after December 31, 2008.\n\nSEC. 5. GRASSLAND, RANGELAND, AND FOREST CONSERVATION CREDIT.\n\n (a) In General.--Not later than 180 days after the date of the \nenactment of this Act, the Secretary of the Treasury, in consultation \nwith the Department of Agriculture, shall establish an appropriate tax \ncredit, with respect to land located in the United States, for--\n (1) the conversion of cropland to pasture for grazing \n purposes or to grassland or rangeland, and\n (2) reforestation and afforestation of land--\n (A) which is not held by the taxpayer for the \n planting, cultivating, caring for, and cutting of trees \n for sale or use in the commercial production of timber \n products, and\n (B) with trees which are not held by the taxpayer \n for use in a trade or business or for the production of \n income.\n (b) Other Rules Relating to Credit.--\n (1) Credit to be per acre.--The Secretary shall establish \n credit amounts to apply to land on a per acre basis with \n respect to each method of conservation described in subsection \n (a).\n (2) Pursuant to approved plan.--Such methods must be \n pursuant to a plan submitted by the taxpayer and approved by \n the Secretaries of the Treasury and Agriculture.\n (3) Basis for credit amounts.--Credit amount shall be based \n on--\n (A) the efficacy of the method in sequestering \n carbon and preventing soil erosion,\n (B) the expenditures relating to such method, and\n (C) the number of years the taxpayer certifies to \n the Secretary or ensures (by conservation easement or \n otherwise) that the applicable land will remain subject \n to the approved plan.\n (4) Recapture.--The Secretary shall provide for recapturing \n the benefit of any credit allowed under this section with \n respect to any property that ceases to be used in accordance \n with the approved plan.\n (5) Denial of double benefit and basis adjustment.--The \n Secretary shall provide--\n (A) an appropriate basis adjustment for property \n with respect to which such credit is allowed, and\n (B) rules disallowing such deductions and other \n credits as may be appropriate to avoid allowing \n additional tax benefits for the same conservation \n method or expenses.\n (c) Effective Date.--The credit established by the Secretary shall \napply to taxable years beginning after December 31, 2008.\n\nSEC. 6. CARBON SEQUESTRATION CREDIT REPORT.\n\n (a) In General.--In the case of any substantial change in the \ncarbon sequestration market (including the enactment into law of a \ncarbon cap and trade program), the Secretary of the Treasury shall, in \nconsultation with any appropriate Federal officers, study such change \nand any effect of such change on the efficiency of, and need for, the \ncredits allowed under section 5 of this Act and sections 45O and 30D of \nthe Internal Revenue Code of 1986.\n (b) Report.--As soon as practicable after sufficient opportunity to \nobserve the effect of such change in the carbon sequestration market, \nthe Secretary shall submit a report to Congress containing the results \nof the study conducted under subsection (a) and any recommendations of \nthe Secretary for modifying such credits based on such results.", "target": "Combating Climate Change Through Individual Action Act of 2008 - Amends the Internal Revenue Code to allow tax credits for: (1) 30% of carbon sequestration and soil conservation expenditures made by taxpayers engaged in the business of farming; (2) 10% of qualifying planting expenditures, including expenditures for the purchase and planting of any tree, plant, shrub, or bush, and the purchase and installation of a vegetated roof system; (3) the conversion of cropland to pasture for grazing purposes or to grassland or rangeland; and (4) certain types of reforestation and afforestation of land.", "feat_title": "To amend the Internal Revenue Code of 1986 to provide incentives for carbon sequestration.", "evaluation_predictions": [0, 37, 3, 29, 291, 52, 1016, 817, 7, 178, 24, 8, 96, 5890, 115, 1014, 3298, 483, 190, 928, 1041, 1983, 13, 2628, 121, 19, 46, 1810, 13, 4442, 31, 7, 10919, 12, 1428, 4146, 9830, 45, 15722, 2914, 9706, 5, 94, 92, 2315, 24, 128, 10687, 11, 31197, 2869, 54, 1709, 17572, 24436, 45, 652, 396, 623, 45, 4146, 1606, 6, 84, 56, 36, 6473, 21, 8, 647, 5, 100, 598, 24, 3124, 11, 4484, 33, 359, 2836, 13, 4146, 16, 11402, 6, 78, 79, 54, 4105, 4146, 57, 10357, 1014, 2677, 11, 13293, 28, 72, 4146, 18, 16326, 53, 2231, 5, 37, 3, 35, 2708, 1194, 13, 48, 1375, 617, 7, 430, 1375, 10, 96, 19566, 17, 9, 77, 31, 7, 6529, 3274, 604, 1093, 13, 70, 4717, 4146, 142, 12252, 11, 4484, 18260, 15700, 7, 535, 465, 224, 998, 8193, 7, 13923, 399, 3, 10610, 117, 150, 1151, 998, 133, 36, 2225, 365, 175, 29233, 7, 5, 37, 166, 294, 13, 8, 1108, 4277, 7, 192, 126, 9848, 10, 8925, 8, 15852, 4797, 15, 7, 3, 9, 511, 358, 21, 11682, 8, 998, 30, 1322, 261, 16, 17766, 31, 7, 13293, 38, 3, 9, 741, 13, 284, 1573, 13, 14335, 142, 10952, 4203, 11, 87, 127, 4484, 8712, 5, 9266, 8, 7471, 3369, 866, 4081, 12, 15287, 399, 3, 9704, 44, 66, 1358, 6, 11, 9266, 8, 215, 225, 43, 118, 263, 42, 3, 20890, 437, 1882, 12074, 10986, 37, 1025, 4149, 13, 8, 5034, 19764, 4543, 963, 12123, 7, 12, 8, 1353, 13, 8, 11893, 7020, 365, 5568, 3479, 32, 5, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]} |
{"text": "SECTION 1. SHORT TITLE.\n\n This Act may be cited as the ``Lower Colorado River Multi-Species \nConservation Program Act''.\n\nSEC. 2. DEFINITIONS.\n\n In this Act:\n (1) Lower colorado river multi-species conservation \n program.--The term ``Lower Colorado River Multi-Species \n Conservation Program'' or ``LCR MSCP'' means the cooperative \n effort on the Lower Colorado River between Federal and non-\n Federal entities in Arizona, California, and Nevada approved by \n the Secretary of the Interior on April 2, 2005.\n (2) Lower colorado river.--The term ``Lower Colorado \n River'' means the Colorado River from Lake Mead to the \n Southerly International Boundary with Mexico, including its \n historic floodplain and its mainstem reservoirs to their full \n pool elevations.\n (3) Program documents.--The term ``Program Documents'' \n means the Habitat Conservation Plan, Biological Assessment and \n Biological and Conference Opinion, Environmental Impact \n Statement/Environmental Impact Report, Funding and Management \n Agreement, Implementing Agreement, and Section 10(a)(1)(B) \n Permit issued and, as applicable, executed in connection with \n the LCR MSCP.\n (4) Secretary.--The term ``Secretary'' means the Secretary \n of the Interior.\n (5) State.--The term ``State'' means each of the States of \n Arizona, California, and Nevada.\n (6) Steering committee.--The term ``Steering Committee'' \n means the LCR MSCP steering committee established pursuant to \n the Program Documents.\n\nSEC. 3. IMPLEMENTATION AND WATER ACCOUNTING.\n\n (a) Implementation.--The Secretary shall manage and implement the \nLCR MSCP in accordance with the Program Documents.\n (b) Water Accounting.--The Secretary is authorized and directed to \nenter into an agreement with the States providing for the use of water \nfrom the Lower Colorado River for habitat creation and maintenance in \naccordance with the Program Documents.\n\nSEC. 4. AUTHORIZATION OF APPROPRIATIONS.\n\n (a) In General.--There is authorized to be appropriated to the \nSecretary such sums as may be necessary to meet the obligations of the \nSecretary under the Program Documents, to remain available until \nexpended.\n (b) Investments.--The Secretary is authorized to invest with the \nSecretary of the Treasury such portions of appropriations, and any non-\nFederal contributions made pursuant to the Program Documents, as are \nnot, in the judgment of the Secretary, required to meet current \nexpenditures. Such investments shall be made only in interest-bearing \nobligations of the United States. Funds invested under this subsection \nand interest on those funds shall be available to the Secretary to meet \nthe obligations of the Secretary under the Program Documents.\n (c) Non-Reimbursable and Non-Returnable.--All amounts appropriated \nto and expended by the Secretary for the LCR MSCP shall be non-\nreimbursable and non-returnable.\n\nSEC. 5. APPLICABLE LAW, CONTINUITY OF PROGRAM, ENFORCEABILITY OF \n PROGRAM DOCUMENTS.\n\n (a) In General.--Nothing in this Act shall impair any right to the \ndelivery or beneficial consumptive use of Colorado River water under \nany compact, treaty, law, decree, or contract in effect on the date of \nenactment of this Act.\n (b) Continuity of Program Documents.--No future act of Congress \nrelating to Public Law 93-205 (16 U.S.C. 1531 et seq.) shall have the \neffect of modifying the Program Documents unless expressly made \napplicable to the LCR MSCP.\n (c) Enforceability of Program Documents.--Any party to any \nagreement entered into with the United States or any agency thereof \npursuant to the LCR MSCP may commence a civil action in United States \ndistrict court to enforce the agreement or to declare the rights and \nobligations of the parties under the Program Documents. The district \ncourt shall have jurisdiction of such actions and may issue such \norders, judgments, and decrees as are consistent with the court's \nexercise of jurisdiction under this section. The United States or any \nagency thereof may be named as a defendant in such actions. The \nsovereign immunity of the United States is waived for purposes of \nactions commenced pursuant to this section. Nothing in this section \nwaives the sovereign immunity of the United States to claims for money \ndamages, monetary compensation, the provision of indemnity, or any \nclaim seeking money from the United States. Any suit pursuant to this \nsection may be brought in any United States district court in the State \nin which any non-Federal party to the suit is situated.\n (d) Applicable Law.--Nothing in this Act affects the enforceability \nof the requirement that the Program Documents comply with existing law \nas of April 2, 2005, except that the Steering Committee shall not be \nsubject to the Federal Advisory Committee Act (5 U.S.C. App.).", "target": "Lower Colorado River Multi-Species Conservation Program Act - Directs the Secretary of the Interior to manage and implement the Lower Colorado River Multi-Species Conservation Program, and to enter into an agreement with Arizona, California, and Nevada providing for the use of water from the Lower Colorado River for habitat creation and maintenance, in accordance with the Habitat Conservation Plan, Biological Assessment and Biological and Conference Opinion, Environmental Impact Statement/Environmental Impact Report, Funding and Management Agreement, Implementing Agreement (Agreement).\n\nPermits any party to an agreement entered into with the United States pursuant to the Program to commence a civil action in U.S. district court to enforce the agreement or to declare the rights and obligations of the parties under the program documents. Grants the district court jurisdiction over any such action.", "feat_title": "A bill to authorize appropriations for the Bureau of Reclamation to carry out the Lower Colorado River Multi-Species Conservation Program in the States of Arizona, California, and Nevada, and for other purposes.", "evaluation_predictions": [0, 37, 15877, 6144, 2473, 1249, 7576, 725, 18260, 478, 19, 3, 9, 20270, 1941, 344, 2822, 11, 529, 18, 16812, 5405, 16, 7601, 6, 3104, 15, 115, 11, 13782, 30, 8, 15877, 8687, 2473, 5, 37, 2578, 13, 8, 9126, 9126, 12532, 1865, 7, 8, 15877, 6144, 4033, 1315, 12, 8, 478, 28244, 7, 5, 37, 7471, 56, 1865, 8, 1297, 516, 38, 168, 38, 726, 21, 387, 2453, 11, 12666, 297, 365, 8, 478, 11167, 7, 5, 71, 20062, 20062, 2791, 28, 8, 2315, 795, 21, 21455, 11, 8596, 44, 8, 1364, 6144, 2473, 5, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]} |
{"text": "SECTION 1. SHORT TITLE.\n\n This Act may be cited as the ``Clearwater Basin Project Act''.\n\nSEC. 2. DEFINITIONS.\n\n (a) Definitions.--In this Act:\n (1) Advisory panel.--The term ``advisory panel'' means the \n Clearwater Advisory Panel, established by the Secretary under \n section 3.\n (2) Pilot project.--The term ``pilot project'' means the \n Clearwater Basin Pilot Project authorized by section 4.\n (3) Pilot project area.--The term ``pilot project area'' \n means the area described in section 4(a) in which the pilot \n project will be conducted.\n (4) Secretary.--The term ``Secretary'' means the Secretary \n of Agriculture.\n (5) Stewardship contract.--The term ``stewardship \n contract'' means a contract to achieve land management goals \n for National Forest System lands as described in section 347 of \n the Department of Interior and Related Agencies Appropriations \n Act, 1999 (16 U.S.C. 2104 note).\n (6) Stewardship objectives.--The term ``stewardship \n objectives'' means objectives that enhance forest ecosystems, \n and restore and improve land health water quality such as--\n (A) road, trail, and infrastructure maintenance or \n obliteration;\n (B) soil productivity improvement;\n (C) improvements in forest ecosystem health;\n (D) watershed restoration and maintenance;\n (E) restoration, maintenance and improvement of \n wildlife and fish habitat;\n (F) control of noxious weeds; and\n (G) reestablishment of native species.\n\nSEC. 3. CLEARWATER ADVISORY PANEL.\n\n (a) Establishment and Purpose.--The Secretary shall establish an \nadvisory group, to be known as the ``Clearwater Advisory Panel'', for \nthe purpose of improving collaborative relationships and providing \nadvice and recommendations to the Forest Service regarding the \nClearwater Basin pilot project and activities under the pilot project, \nas authorized by and consistent with this Act.\n (b) Duties.--The advisory panel shall--\n (1) review and make recommendations to the Forest Service \n regarding activities proposed for high priority implementation \n as part of the pilot project;\n (2) provide early and continuous coordination with \n appropriate Forest Service and other agency officials in \n reviewing and recommending activities for high priority \n implementation; and\n (3) provide frequent opportunities for citizens, \n organizations, tribes, agencies, and other interested parties \n to participate in all stages of the activity schedule \n development process.\n (c) Appointment of Members.--\n (1) Appointment and term.--No later than 90 days after the \n date of enactment of this Act, and consistent with subsection \n (d), the Secretary shall appoint the members of the advisory \n panel and each member shall serve without compensation for a \n term of three years beginning on the date of appointment. The \n Secretary may reappoint members to subsequent three-year terms.\n (2) Vacancies.--The Secretary shall make appointments to \n fill vacancies on the advisory panel as soon as practicable \n after the vacancy has occurred.\n (d) Composition of Advisory Panel.--The advisory panel shall \nbe comprised of 15 members who shall be representative of the interests \nof the following categories:\n (1) Category i.--\n (A) organized labor;\n (B) developed outdoor recreation, off highway \n vehicle users, or commercial recreation activities;\n (C) energy and mineral development interests;\n (D) commercial timber industry; and\n (E) Federal grazing permit holders, or other land \n use permit holders within the pilot project area.\n (2) Category ii.--\n (A) national environmental organizations;\n (B) regional or local environmental organizations;\n (C) dispersed recreational activities;\n (D) archaeological and historical interests; and\n (E) national or regional fish and wildlife interest \n groups.\n (3) Category iii.--\n (A) State elected officeholders or their designee;\n (B) county or local elected officeholders;\n (C) Indian Tribes within or adjacent to the pilot \n project area;\n (D) school officials or teachers; and\n (E) the affected public at large.\n (4) Balanced representation.--The Secretary shall provide \n for balanced representation from among the categories described \n in paragraphs (1), (2), and (3).\n (5) Geographic distribution.--The members of the advisory \n panel shall reside within the State of Idaho, and to the extent \n practicable, within or adjacent to the pilot project area.\n (e) Approval Procedures.--\n (1) Establishment.--Subject to paragraph (2) and the other \n requirements of this Act, the advisory panel shall establish \n procedures for proposing, developing, and reviewing activities \n and schedules for recommendation to the Forest Service for \n approval and implementation under the pilot project. A majority \n must be present to constitute an official meeting of the \n advisory panel.\n (2) Majority vote.--An activity or schedule may be \n recommended by the advisory panel to the applicable Forest \n Supervisor for approval and implementation under the pilot \n program if it is approved by a majority of the advisory panel \n members from each of the three categories described in \n subsection (d).\n (f) Other Authorities and Requirements.--\n (1) Chairperson.--A majority of the advisory panel shall \n select a chairperson.\n (2) Staff assistance.--The Secretary may provide staff \n assistance to the advisory panel from employees under the \n jurisdiction of the Secretary.\n (3) Meetings.--All meetings of the advisory panel shall be \n announced at least one week in advance in a local newspaper of \n record and shall be open to the public. Records of the meetings \n shall be retained and made available for public inspection.\n\nSEC. 4 CLEARWATER BASIN PILOT PROJECT.\n\n (a) Pilot Project Authorized.--The Secretary may conduct a pilot \nproject under this section, to be known as the ``Clearwater Basin pilot \nproject'', on those National Forest System land encompassed by the \nNorth Fork, Powell, and Lochsa Ranger Districts of the Clearwater \nNational Forest in the State of Idaho, and the Red River/Elk City, \nMoose Creek and Clearwater Ranger Districts of the Nez Perce National \nForest in the State of Idaho.\n (b) Role of Advisory Panel.--The advisory panel shall review and \nrecommend activities for high priority implementation of stewardship \nobjectives within the pilot project area, for which funding is \nauthorized under this Act or other laws.\n (c) Stewardship Contracts.--A total of three stewardship contracts \nare authorized for recommendation by the advisory panel and for \napproval and implementation in accordance with, and to achieve the \npurposes of, the pilot project. These contracts are in addition to any \nstewardship contracts authorized under any other law.\n (d) Activity Schedules.--\n (1) Development.--Within two years after the date of the \n enactment of this Act, the advisory panel shall develop and \n submit for Forest Supervisor review schedules of high priority \n activities to be commenced within the pilot project area for \nthe ensuing five-year period. Separate schedules shall be developed for \nthe Clearwater National Forest portion of the pilot project area. \nThereafter, the advisory panel shall develop and submit in advance \nschedules for subsequent five-year periods.\n (2) Consultation.--The advisory panel shall develop each \n five-year schedule in consultation with, and with technical \n assistance from, the applicable Forest Supervisor and the Nez \n Perce Tribe. The Forest Service shall ensure that the \n activities in the schedules are consistent with treaty and any \n other obligations to the Tribe.\n (3) Content.--Each five-year schedule shall be in \n sufficient detail to describe the high priority activities to \n be conducted in the pilot project area over the five-year \n period and the timing for their implementation, and to allow \n reasonable site-specific, project-level evaluation of their \n environmental effects. The scope of the activities included in \n each schedule shall be reasonably adjusted to the extent that \n the advisory panel and applicable Forest Supervisor determine \n necessary to allow such evaluation to be completed within the \n time periods provided by this Act.\n (4) Consistency with forest plan.--The activities included \n within the five-year schedules shall be consistent with the \n applicable forest land and resource management plan. The \n schedule may include any amendment of the applicable forest \n land and resource management plan that the advisory panel \n recommends or that the applicable Forest Supervisor determines \n is necessary to allow or facilitate implementation of one or \n more activities in the schedule.\n (f) NEPA Requirements and Related Procedures.--\n (1) Process.--The Forest Service shall conduct any \n applicable procedures under the National Environmental Policy \n Act of 1969 (42 U.S.C. 4321 et seq.) for the approval of the \n activities in each five-year schedule, tiered to the \n environmental impact statement for the applicable forest land \n and resource management plan. The procedures under such Act, \n and any review, consultation, or coordination under other laws, \n including the Forest and Rangeland Renewable Resources Planning \n Act of 1974 (16 U.S.C. 1600 et seq.), Endangered Species Act of \n 1973 (16 U.S.C. 1531 et seq.) and National Historic \n Preservation Act (16 U.S.C. 470), shall be completed within one \n year after the Forest Service, in consultation with the North \n Central Idaho resource advisory committee, issues the public \n scoping notice regarding the proposed schedule.\n (2) Resources.--The Forest Service, and any other Federal \n agencies involved in the process described in paragraph (1), \n shall provide sufficient personnel and other resources, \n directly or through contracting, to complete the review, \n consultation, or coordination within the required one-year \n period, and without substantially delaying implementation of \n other forest management activities in Region 1 of the Forest \n Service. The Forest Service and other involved agencies may \n rely upon or use any analysis, documents, or procedures \n previously performed under the National Environmental Policy \n Act of 1969 or other law for any activity in the schedule.\n (3) Effect of failure to complete process.--If any review, \n consultation, or coordination required under the National \n Environmental Policy Act of 1969 or other law has not been \n completed for a schedule within the required one-year period, \n the lack of completion shall not be a basis for challenging or \n delaying submittal, approval, or implementation of an activity \n in the schedule, if the applicable Forest Supervisor, in \n consultation with the advisory panel, finds that sufficient \n review, consultation, and coordination regarding the activity \n has occurred and a sufficient record exists to make a reasoned \n decision regarding approval of the activity.\n (g) Review by Forest Supervisor.--\n (1) Submission.--The advisory panel shall submit a final \n recommendation regarding each five-year schedule, together with \n the record of the review, consultation, and coordination \n performed under subsection (f) for the schedule, to the \n applicable Forest Supervisor for review. The final \n recommendation and record shall be submitted to the Forest \n Supervisor at least 30 days in advance of the date for \n commencing implementation of activities under the schedule.\n (2) Review.--Within 30 days after receiving the schedule \n and record from the advisory panel, the Forest Supervisor shall \n issue a project or activity decision document regarding review \n of the recommended schedule in accordance with the National \n Environmental Policy Act of 1969 and any other applicable \n procedures. In the decision document, the Forest Supervisor may \n approve the schedule, or disapprove the schedule and return it \n to the advisory panel for further consideration with \n instructions. If the Forest Supervisor has not issued a \ndecision document upon expiration of the 30-day period, the schedule \nshall be deemed approved by the Forest Supervisor and subject to \nadministrative appeal under Department of Agriculture procedures \napplicable to Forest Service project or activity record of decision or \ndecision notice documents issued pursuant to the National Environmental \nPolicy Act of 1969.\n (h) Implementation.--Upon approval of the schedule, but subject to \nany stay that may be in effect pursuant to Forest Service project or \nactivity administrative appeal procedures, the Forest Service may issue \nany permits, contracts, or other authorizations for activities in the \nschedule without further review, consultation, or coordination under \nthe National Environmental Policy Act of 1969 or other laws.\n (i) Activities Not Included in a 5-Year Schedule; Amendment of \nSchedule.--An activity that the advisory panel determines should \nproceed in advance of approval of the first five-year schedule, or an \nactivity in the pilot project area that is not included in a five-year \nschedule, may be approved and implemented on an individual or group \nbasis, upon completing the process and requirements for review and \napproval of a five-year schedule. A five-year schedule may be amended \nupon completed the process and requirements for review and approval of \nthe schedule.\n (j) Relation to Other Schedules, Plans, and Activities.--The five-\nyear schedules and activities authorized under the pilot project shall \nsupplement other schedules plans and projects or other activities \nauthorized and implemented under other law. Upon advisory panel \nrecommendation and applicable Forest Supervisor approval, an activity \nthat is included in another schedule or plan or proposed, authorized, \nor funded under other law may be authorized and implemented as an \nactivity under the pilot project, if the activity meets the \nrequirements of this section for implementation as a high priority \nactivity.\n\nSEC. 5. MONITORING AND REPORTING REQUIREMENTS.\n\n (a) Report on Applicable Rules and Regulations.--The advisory panel \nmay submit to the Secretary, the Committee on Energy and Natural \nResources of the Senate and the Committee on Resources of the House of \nRepresentatives a compilation of regulations applicable to the pilot \nproject that the advisory panel determines are inappropriate for the \npilot project, incompatible with the pilot project, or unduly \nburdensome in conducting the pilot project.\n (b) Monitoring; Annual Report on the Project.--The Secretary shall \nmonitor the activities and achievement in the pilot project area under \nthe pilot project. Not later than two years after the date of the \nenactment of this Act, and each year thereafter during the pilot \nproject, the Secretary shall submit a report to the Committee on Energy \nand Natural Resources of the Senate and the Committee on Resources of \nthe House of Representatives on the results of such monitoring, \nincluding detailed information on the sources and uses of funds and the \nstatus, outputs, and other results accomplished for each activity \nrecommended for priority implementation by the advisory panel under the \npilot project.\n (c) State of Idaho Report.--The Secretary shall request the State \nof Idaho, through the University of Idaho College of Natural Resource \nor other source, to prepare a report reviewing the activities and \nachievements of the pilot project in the pilot project area. The \nSecretary shall request the State to prepare and submit the report at \nfive-year intervals to the Secretary, the Committee on Energy and \nNatural Resources of the Senate, and the Committee on Resources of the \nHouse of Representatives. The requested report should include an \nassessment of whether, and to what extent, the activities conducted \nunder the pilot project are meeting or enhancing the accomplishment of \nstewardship objectives.\n\nSEC. 6. AUTHORIZATION OF APPROPRIATIONS.\n\n (a) Authorization of Appropriations.--There is authorized to be \nappropriated to the Secretary, through fiscal year 2012, such sums as \nmay be necessary for the following purposes:\n (1) Developing, submitting, reviewing, and implementing \n five-year schedules and priority activities under the pilot \n project, including the stewardship contracts authorized by this \n Act.\n (2) Other advisory panel activities and technical \n assistance to the advisory panel for the purposes of the pilot \n project.\n (3) Monitoring and reporting requirements under section 5.\n (4) Such other actions as are necessary to implement this \n Act.\n (b) Availability.--Amount appropriated for the purposes specified \nin subsection (a) shall remain available until expended.\n (c) Treatment of Receipts.--Notwithstanding the Secure Rural \nSchools and Community Self-Determination Act of 2000 (Public Law 106-\n393; 16 U.S.C. 500 note), any moneys received by the Forest Service \nfrom activities approved and implemented under the pilot project shall \nbe distributed in accordance with the sixth paragraph under the heading \n``Forest Service'' in the Act of May 23, 1908 (16 U.S.C. 500).\n\nSEC. 7. SEVERABILITY.\n\n If any provisions of this Act or the application of this Act to any \nperson or circumstances is held to be invalid, the validity of the \nremainder of this Act and of the application of such provision to other \npersons and circumstances shall not be affected.", "target": "Clearwater Basin Project Act - Directs the Secretary of Agriculture to establish and maintain the Clearwater Advisory Panel (CAP), which shall provide advice and recommendations to the Forest Service regarding the Clearwater Basin pilot project (the Project) within the Clearwater and Nez Perce National Forests, Idaho. States that the CAP shall: (1) make recommendations regarding activities for high priority implementation; (2) provide early and continuous coordination with Federal officials; and (3) provide for public input into its proceedings.Authorizes the Secretary to conduct the Project. Directs the CAP, in consultation with and receiving technical assistance from the applicable Forest Supervisor, to develop and submit for approval from the Forest Supervisor five-year schedules of high priority activities for the Project (with separate schedules for each Forest). Requires that the activities included in such schedules be consistent with the applicable forest land and resource management plan. Directs the Forest Service to complete any applicable National Environmental Policy Act (NEPA) procedures for the approval of the activities at the site-specific, project level. Directs the CAP to consult with the Nez Perce Tribe in developing and recommending each schedule.Directs the Forest Supervisor to issue a project or activity decision document regarding approval of the recommended schedule in accordance with NEPA and other applicable procedures.Provides for the schedules and activities authorized under this section to supplement certain other schedules, plans, and projects or other activities authorized and implemented under other law.", "feat_title": "A bill to provide for enhanced collaborative forest stewardship management within the Clearwater and Nez Perce National Forests in Idaho, and for other purposes.", "evaluation_predictions": [0, 37, 7333, 2748, 15, 13, 8, 1983, 19, 12, 4797, 46, 18599, 2952, 718, 8, 8912, 3552, 9871, 21, 3, 9, 306, 18, 5734, 516, 5, 37, 15852, 56, 356, 95, 3, 9, 4492, 28, 17310, 724, 113, 33, 6978, 13, 3984, 45, 2399, 8981, 5, 37, 563, 56, 36, 10431, 13, 874, 5897, 10, 4997, 5347, 6, 2655, 17711, 6, 91, 10367, 1689, 1105, 42, 1328, 17711, 1756, 117, 24310, 11, 7590, 606, 1046, 117, 1328, 14592, 681, 535, 37, 2090, 13, 8, 2952, 56, 92, 1716, 38, 3533, 6075, 5, 71, 2942, 225, 36, 915, 12, 607, 46, 2314, 1338, 5, 1698, 874, 215, 2023, 133, 36, 16, 6684, 1030, 12, 5530, 8, 2030, 5734, 1087, 24, 56, 36, 4468, 16, 48, 616, 147, 192, 203, 5, 37, 5827, 14640, 56, 1132, 284, 874, 18, 7393, 2023, 11, 15444, 136, 1087, 24, 130, 59, 1285, 16, 8, 7670, 1201, 2023, 5, 37, 1296, 1151, 5018, 1087, 164, 36, 21012, 250, 79, 33, 59, 560, 16, 3, 9, 305, 18, 1201, 2023, 57, 8, 4969, 7, 4915, 29, 5116, 6923, 5, 37, 386, 779, 12697, 398, 36, 96, 60, 5628, 179, 121, 44, 66, 648, 5, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]} |
{"text": "SECTION 1. SHORT TITLE; REFERENCES TO TITLE 38, UNITED STATES CODE.\n\n (a) Short Title.--This Act may be cited as the ``Veterans Programs \nImprovement Act of 2003''.\n (b) References.--Except as otherwise expressly provided, wherever \nin this Act an amendment is expressed in terms of an amendment to a \nsection or other provision, the reference shall be considered to be \nmade to a section or other provision of title 38, United States Code.\n\nSEC. 2. INCREASE IN RATES OF DISABILITY COMPENSATION AND DEPENDENCY AND \n INDEMNITY COMPENSATION.\n\n (a) Rate Adjustment.--The Secretary of Veterans Affairs shall, \neffective on December 1, 2003, increase the dollar amounts in effect \nfor the payment of disability compensation and dependency and indemnity \ncompensation by the Secretary, as specified in subsection (b).\n (b) Amounts To Be Increased.--The dollar amounts to be increased \npursuant to subsection (a) are the following:\n (1) Compensation.--Each of the dollar amounts in effect \n under section 1114.\n (2) Additional compensation for dependents.--Each of the \n dollar amounts in effect under section 1115(1).\n (3) Clothing allowance.--The dollar amount in effect under \n section 1162.\n (4) New dic rates.--Each of the dollar amounts in effect \n under paragraphs (1) and (2) of section 1311(a).\n (5) Old dic rates.--Each of the dollar amounts in effect \n under section 1311(a)(3).\n (6) Additional dic for surviving spouses with minor \n children.--The dollar amount in effect under section 1311(b);\n (7) Additional dic for disability.--Each of the dollar \n amounts in effect under subsections (c) and (d) of section \n 1311.\n (8) DIC for dependent children.--Each of the dollar amounts \n in effect under sections 1313(a) and 1314.\n (c) Determination of Increase.--\n (1) The increase under subsection (a) shall be made in the \n dollar amounts specified in subsection (b) as in effect on \n November 30, 2003.\n (2) Except as provided in paragraph (3), each such amount \n shall be increased by the same percentage as the percentage by \n which benefit amounts payable under title II of the Social \n Security Act (42 U.S.C. 401 et seq.) are increased effective \n December 1, 2003, as a result of a determination under section \n 215(i) of such Act (42 U.S.C. 415(i)).\n (3) Each dollar amount increased pursuant to paragraph (2) \n shall, if not a whole dollar amount, be rounded down to the \n next lower whole dollar amount.\n (d) Special Rule.--The Secretary may adjust administratively, \nconsistent with the increases made under subsection (a), the rates of \ndisability compensation payable to persons within the purview of \nsection 10 of Public Law No. 85-857 (72 Stat. 1263) who are not in \nreceipt of compensation payable pursuant to chapter 11 of title 38, \nUnited States Code.\n (e) Publication of Adjusted Rates.--At the same time as the matters \nspecified in section 215(i)(2)(D) of the Social Security Act (42 U.S.C. \n415(i)(2)(D)) are required to be published by reason of a determination \nmade under section 215(i) of such Act during fiscal year 2004, the \nSecretary of Veterans Affairs shall publish in the Federal Register the \namounts specified in subsection (b) as increased pursuant to subsection \n(a).\n\nSEC. 3. REPEAL OF 45-DAY RULE FOR EFFECTIVE DATE OF AWARD OF DEATH \n PENSION.\n\n Subsection (d) of section 5110 is amended--\n (1) by striking the designation ``(1)'';\n (2) by striking ``death compensation or dependency and \n indemnity compensation'' and inserting ``death compensation, \n dependency and indemnity compensation, or death pension''; and\n (3) by striking paragraph (2).\n\nSEC. 4. EXCLUSION OF LUMP-SUM LIFE INSURANCE PROCEEDS FROM \n DETERMINATIONS OF ANNUAL INCOME FOR PENSION PURPOSES.\n\n Subsection (a) of section 1503 is amended--\n (1) by striking ``and'' at the end of paragraph (9);\n (2) by striking ``materials.'' at the end of paragraph \n (10)(B) and inserting ``materials; and''; and\n (3) by adding at the end the following new paragraph:\n ``(11) lump-sum proceeds of any life insurance policy or \n policies on a veteran, for purposes of pension under subchapter \n III of this chapter.''.\n\nSEC. 5. CLARIFICATION OF PROHIBITION ON PAYMENT OF COMPENSATION FOR \n ALCOHOL OR DRUG-RELATED DISABILITY.\n\n (a) Clarification.--Chapter 11 is amended--\n (1) in section 1110, by striking ``drugs.'' and inserting \n ``drugs, even if the abuse is secondary to a service-connected \n disability.''; and\n (2) in section 1131, by striking ``drugs.'' and inserting \n ``drugs, even if the abuse is secondary to a service-connected \n disability.''.\n (b) Applicability.--The amendments made by subsection (a) shall \napply to any claim--\n (1) filed on or after the date of enactment of this Act; or\n (2) filed before the date of enactment of this Act and not \n finally decided as of that date.\n\nSEC. 6. ALTERNATIVE BENEFICIARIES FOR NATIONAL SERVICE LIFE INSURANCE \n AND UNITED STATES GOVERNMENT LIFE INSURANCE.\n\n (a) National Service Life Insurance.--\n (1) Section 1917 is amended by adding at the end the \n following new subsection:\n ``(f)(1) Following the death of the insured and in a case not \ncovered by subsection (d)--\n ``(A) if the first beneficiary otherwise entitled to \n payment of the insurance does not make a claim for such payment \n within two years after the death of the insured, payment may be \n made to another beneficiary designated by the insured, in the \n order of precedence as designated by the insured, as if the \n first beneficiary had predeceased the insured; and\n ``(B) if, within four years after the death of the insured, \n no claim has been filed by a person designated by the insured \n as a beneficiary and the Secretary has not received any notice \n in writing that any such claim will be made, payment may \n (notwithstanding any other provision of law) be made to such \n person as may in the judgment of the Secretary be equitably \n entitled thereto.\n ``(2) Payment of insurance under paragraph (1) shall be a bar to \nrecovery by any other person.''.\n (b) United States Government Life Insurance.--Section 1952 is \namended by adding at the end the following new subsection:\n ``(c)(1) Following the death of the insured and in a case not \ncovered by section 1950 of this title--\n ``(A) if the first beneficiary otherwise entitled to \n payment of the insurance does not make a claim for such payment \n within two years after the death of the insured, payment may be \n made to another beneficiary designated by the insured, in the \n order of precedence as designated by the insured, as if the \n first beneficiary had predeceased the insured; and\n ``(B) if, within four years after the death of the insured, \n no claim has been filed by a person designated by the insured \n as a beneficiary and the Secretary has not received any notice \n in writing that any such claim will be made, payment may \n (notwithstanding any other provision of law) be made to such \n person as may in the judgment of the Secretary be equitably \n entitled thereto.\n ``(2) Payment of insurance under paragraph (1) shall be a bar to \nrecovery by any other person.''.\n (c) Transition Provision.--In the case of a person insured under \nsubchapter I or II of chapter 19, title 38, United States Code, who \ndies before the date of the enactment of this Act, the two-year and \nfour-year periods specified in subsection (f)(1) of section 1917 of \ntitle 38, United States Code, as added by subsection (a), and \nsubsection (c)(1) of section 1952 of such title, as added by subsection \n(b), as applicable, shall for purposes of the applicable subsection be \ntreated as being the two-year and four-year periods, respectively, \nbeginning on the date of the enactment of this Act.\n\nSEC. 7. TIME LIMITATION ON RECEIPT OF CLAIM INFORMATION PURSUANT TO \n REQUEST BY DEPARTMENT OF VETERANS AFFAIRS.\n\n (a) In General.--Section 5102 is amended by adding at the end the \nfollowing new subsection:\n ``(c) Time Limitation.--\n ``(1) If information that a claimant and the claimant's \n representative, if any, are notified under subsection (b) is \n necessary to complete an application is not received by the \n Secretary within one year from the date of such notification, \n no benefit may be paid or furnished by reason of the claimant's \n application.\n ``(2) This subsection shall not apply to any application or \n claim for Government life insurance benefits.''.\n (b) Repeal of Superseded Provisions.--Section 5103 is amended--\n (1) by striking ``(a) Required Information and Evidence.--\n ''; and\n (2) by striking subsection (b).\n (c) Effective Date.--The amendments made by this section shall take \neffect as if enacted on November 9, 2000, immediately after the \nenactment of the Veterans Claims Assistance Act of 2000 (Public Law \n106-475; 114 Stat. 2096).\n\nSEC. 8. BURIAL PLOT ALLOWANCE.\n\n (a) Subsection (b) of section 2303 is amended--\n (1) in the matter preceding paragraph (1), by striking ``a \n burial allowance under such section 2302, or under such \n subsection, who was discharged from the active military, naval, \n or air service for a disability incurred or aggravated in line \n of duty, or who is a veteran of any war'' and inserting \n ``burial in a national cemetery under section 2402 of this \n title''; and\n (2) in paragraph (2), by striking ``(other than a veteran \n whose eligibility for benefits under this subsection is based \n on being a veteran of any war)'' and inserting ``is eligible \n for a burial allowance under section 2302 of this title or \n under subsection (a) of this section, or was discharged from \n the active military, naval, or air service for a disability \n incurred or aggravated in line of duty, and such veteran''.\n (b) Section 2307 is amended in the last sentence by striking ``and \n(b)'' and inserting ``and (b)(2)''.\n\nSEC. 9. PROVISION OF MARKERS FOR PRIVATELY MARKED GRAVES.\n\n (a) In General.--Subsection (d) of section 502 of the Veterans \nEducation and Benefits Expansion Act of 2001 (Public Law 107-103; 115 \nStat. 995), as amended by section 203 of the Veterans Benefits Act of \n2002 (Public Law 107-330; 116 Stat. 2824), is further amended by \nstriking ``September 11, 2001'' and inserting ``November 1, 1990''.\n (b) Effective Date.--The amendment made by subsection (a) shall \ntake effect as if included in the enactment of section 502 of Public \nLaw 107-103.\n\nSEC. 10. EXPANSION OF BURIAL ELIGIBILITY FOR REMARRIED SPOUSES.\n\n (a) In General.--Paragraph (5) of section 2042 is amended by \nstriking ``(which for purposes of this chapter includes an unremarried \nsurviving spouse who had a subsequent remarriage which was terminated \nby death or divorce)'' and inserting ``(which for purposes of this \nchapter includes a surviving spouse who remarries following the \nveteran's death)''.\n (b) Effective Date.--The amendments made by subsection (a) shall \napply to deaths occurring on or after the date of the enactment of this \nAct.\n\nSEC. 11. MAKE PERMANENT AUTHORITY FOR STATE CEMETERY GRANTS PROGRAM.\n\n (a) Permanent Authorization.--Paragraph (2) of section 2408(a) is \namended--\n (1) by striking ``for fiscal year 1999 and for each \n succeeding fiscal year through fiscal year 2004''; and\n (2) by adding at the end ``Funds appropriated under the \n preceding sentence shall remain available until expended.''.\n (b) Technical Amendment.--Subsection (e) of section 2408 is amended \nby striking ``Sums appropriated under subsection (a) of this section \nshall remain available until expended.''.\n\nSEC. 12. FORFEITURE OF BENEFITS FOR SUBVERSIVE ACTIVITIES.\n\n (a) Addition of Certain Offenses.--Paragraph (2) of section 6105(b) \nis amended by striking ``sections 792, 793, 794, 798, 2381, 2382, 2383, \n2384, 2385, 2837, 2388, 2389, 2390, and chapter 105 of title 18'' and \ninserting ``sections 175, 229, 792, 793, 794, 798, 831, 1091, 2332a, \n2332b, 2381, 2382, 2383, 2384, 2385, 2387, 2388, 2389, 2390, and \nchapter 105 of title 18''.\n (b) Effective Date.--The amendment made by subsection (a) shall \napply to claims filed after the date of the enactment of this Act.\n\nSEC. 13. VETERANS' ADVISORY COMMITTEE ON EDUCATION.\n\n Section 3692 is amended--\n (1) in subsection (a), by inserting ``as far as \n practicable'' after ``include'';\n (2) in subsections (a) and (b), by striking ``chapter 106'' \n and inserting ``chapter 1606'' both places it appears; and\n (3) in subsection (c), by striking ``2003'' and inserting \n ``2013''.\n\nSEC. 14. REPEAL OF EDUCATION LOAN PROGRAM.\n\n (a) Termination of Program.--No loans shall be made under \nsubchapter III of chapter 36 after the date of the enactment of this \nAct, and such subchapter shall be repealed 90 days after such date of \nenactment.\n (b) Closing of Loan Fund.--All monies in the revolving fund \nestablished in the Treasury of the United States of America known as \nthe ``Department of Veterans Affairs Education Loan Fund'' (the \n``Fund'') on the day before the date of repeal of such subchapter III \nshall be transferred to the Department of Veterans Affairs Readjustment \nBenefits Account, and the Fund shall be closed.\n (c) Discharge of Liability.--The liability on any education loan \ndebt outstanding under such subchapter III shall be discharged, and any \noverpayments declared under section 3698(e)(1) of that subchapter shall \nbe waived without further process on the date funds are transferred as \nreferred to in subsection (b) of this section.\n (d) Technical Amendment.--On the date of repeal of such subchapter \nIII, as provided herein, the table of sections at the beginning of \nchapter 36 shall be amended by striking the items relating to \nsubchapter III.\n (e) Conforming Amendments.--\n (1) Chapter 34 is amended--\n (A) by repealing paragraph (2) of section 3462(a); \n and\n (B) in paragraph (1) of section 3485(e), by \n striking ``(other than an education loan under \n subchapter III)''.\n (2) Section 3512 is amended by repealing subsection (f).\n (3) The amendments made by paragraphs (1)(B) and (2) shall \n take effect 90 days after the date of the enactment of this \n Act.\n\nSEC. 15. RESTORATION OF CHAPTER 35 EDUCATION BENEFITS OF CERTAIN \n INDIVIDUALS.\n\n (a) Restoration.--Subsection (h) of section 3512 is amended by \ninserting ``or is involuntarily ordered to full-time National Guard \nduty under section 502(f) of title 32'' following ``title 10''.\n (b) Effective Date.--The amendment made by subsection (a) shall \ntake effect as of September 11, 2001.\n\nSEC. 16. EXPANSION OF MONTGOMERY GI BILL EDUCATION BENEFITS FOR CERTAIN \n SELF-EMPLOYMENT TRAINING.\n\n (a) Self-Employment Training.--Subparagraph (B) of section 3002(3) \nis amended--\n (1) in clause (i) by striking ``and'';\n (2) by adding at the end the following clause:\n ``(iii) a program of self-employment on-job \n training approved as provided in section \n 3677(d) of this title; and''.\n (b) Program Approval.--Section 3677 is amended--\n (1) in subsections (a) and (c), by inserting ``self-\n employment on-job training or'' after ``(other than'';\n (2) in subsection (b)(1), by inserting ``described in \n subsection (a)'' after ``offering training''; and\n (3) by adding at the end the following new subsection:\n ``(d)(1) Any State approving agency may approve a program of self-\nemployment on-job training for purposes of chapter 30 of this title \nonly when it finds that the training is generally recognized as needed \nor accepted for purposes of obtaining licensure to engage in the self-\nemployment occupation or is required for ownership and operation of a \nfranchise that is the objective of the training.\n ``(2) The training entity offering the training for which approval \nis sought under this chapter must submit to the State approving agency \na written application for approval, in the form and with the content as \nprescribed by the Secretary, which shall include such information as is \nrequired by the State approving agency.\n ``(3) As a condition for approving a program of self-employment on-\njob training, the State approving agency must find upon investigation \nthat the following criteria are met:\n ``(A) The training content is adequate to qualify the \n eligible individual for the self-employment occupation that is \n the objective of the training.\n ``(B) The training consists of full-time training for a \n period of less than six months.\n ``(C) The length of the training period is not longer than \n that customarily required to obtain the knowledge, skills, and \n experience needed to successfully engage in the particular \n self-employment occupation that is the objective of the \n training.\n ``(D) The training entity has adequate instructional space, \n equipment, materials, and personnel to provide satisfactory \n training on the job.\n ``(E) The training entity keeps adequate records of each \n trainee's progress toward the self-employment objective and, at \n the end of the training period, issues a license, certificate, \n or other document recording the individual's successful \n completion of the training program.\n ``(F) The training entity and the self-employment on-job \n training program meet such other criteria as the Secretary may \n prescribe and as the State approving agency, with the \n Secretary's approval, may establish.''.\n (c) Conforming Amendment.--Paragraph (2) of section 3687(a) is \namended by inserting ``subsections (a), (b), and (c) of'' before \n``section 3677''.\n (d) Effective Date.--The amendments made by this section shall take \neffect on the date six months after the enactment of this Act and shall \napply to self-employment on-job training approved and pursued on or \nafter that date.", "target": "Veterans Programs Improvement Act of 2003 - Directs the Secretary of Veterans Affairs to increase, as of December 1, 2003, the rates of veterans' disability compensation, additional compensation for dependents, the clothing allowance for certain disabled adult children, and dependency and indemnity compensation for surviving spouses and children.\n\nMakes the effective date for the award of death pension the same as that for the award of death compensation or dependency and indemnity compensation.\n\nExcludes lump-sum insurance proceeds from income for purposes of eligibility for veterans' pensions.\n\nProhibits the payment of veterans' disability compensation for an alcohol- or drug-abuse related disability even if the the alcohol or drug abuse is secondary to a service-connected disability.\n\nProvides alternative beneficiaries for National Service Life Insurance and United States Government Life Insurance proceeds when the first beneficiary does not make a claim.\n\nProvides burial benefit eligibility for a veteran's surviving spouse who remarries following the veteran's death.\n\nMakes permanent the authority for the State cemetery grants program.\n\nRepeals the Department of Veterans Affairs Education Loan program.\n\nIncludes self-employment training under the Montgomery GI Bill.", "feat_title": "A bill to amend title 38, United States Code, to improve the authorities of the Department of Veterans Affairs relating to compensation, dependency and indemnity compensation, pension, education benefits, life insurance benefits, and memorial benefits, to improve the administration of benefits for veterans, and for other purposes.", "evaluation_predictions": [0, 96, 634, 19231, 2350, 7, 4179, 1983, 13, 3888, 976, 19, 21012, 57, 8, 5302, 13, 3, 9, 126, 1375, 5, 37, 1108, 4277, 7, 46, 12123, 12, 8, 1657, 96, 553, 15, 449, 277, 478, 4179, 121, 11, 617, 7, 72, 9848, 16, 8, 7491, 7, 24, 560, 4709, 7, 16, 1353, 13, 10050, 6107, 6, 27804, 21398, 257, 6, 5698, 18651, 6, 18184, 1917, 21, 3, 22279, 2512, 31, 7, 28, 4012, 1082, 6, 10050, 6107, 21, 8976, 502, 6, 11, 13592, 13, 8, 866, 365, 8, 5568, 204, 1808, 18, 196, 14820, 13, 8, 2730, 1034, 1983, 5, 94, 92, 14545, 7, 8, 9848, 13, 8, 5034, 12306, 6238, 8645, 7, 21, 13391, 5, 37, 166, 294, 13, 8, 6704, 19, 21012, 10, 29233, 7, 850, 2596, 11, 1179, 2658, 33, 21012, 57, 11214, 284, 13, 8, 2822, 2876, 8342, 84, 43, 118, 1790, 16, 8, 30209, 2646, 5, 37, 511, 4149, 13, 8, 484, 963, 1151, 17524, 21, 18249, 21, 12183, 12183, 12183, 2289, 4724, 5, 37, 1025, 14442, 19, 974, 12, 8, 570, 13, 119, 9848, 30, 8, 998, 905, 13, 19231, 12078, 5, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]} |
{"text": "SECTION 1. SHORT TITLE.\n\n This Act may be cited as the ``Iran Nonproliferation Amendments Act \nof 2005''.\n\nSEC. 2. FINDINGS.\n\n Congress makes the following findings:\n (1) The Director of Central Intelligence's most recent \n Unclassified Report to Congress on the Acquisition of Technology \n Relating to Weapons of Mass Destruction and Advanced Conventional \n Munitions, 1 July Through 31 December 2003, states ``Russian \n entities during the reporting period continued to supply a variety \n of ballistic missile-related goods and technical know-how to \n countries such as Iran, India, and China. Iran's earlier success in \n gaining technology and materials from Russian entities helped \n accelerate Iranian development of the Shahab-3 MRBM, and continuing \n Russian entity assistance has supported Iranian efforts to develop \n new missiles and increase Tehran's self-sufficiency in missile \n production.''\n (2) Vice Admiral Lowell E. Jacoby, the Director of the Defense \n Intelligence Agency, stated in testimony before the Select \n Committee on Intelligence of the Senate on February 16, 2005, that \n ``Tehran probably will have the ability to produce nuclear weapons \n early in the next decade''.\n (3) Iran has--\n (A) failed to act in accordance with the Agreement Between \n Iran and the International Atomic Energy Agency for the \n Application of Safeguards in Connection with the Treaty on the \n Non-Proliferation of Nuclear Weapons, done at Vienna June 19, \n 1973 (commonly referred to as the ``Safeguards Agreement'');\n (B) acted in a manner inconsistent with the Protocol \n Additional to the Agreement Between Iran and the International \n Atomic Energy Agency for the Application of Safeguards, signed \n at Vienna December 18, 2003 (commonly referred to as the \n ``Additional Protocol'');\n (C) acted in a manner inconsistent with its obligations \n under the Treaty on the Non-Proliferation of Nuclear Weapons, \n done at Washington, London, and Moscow July 1, 1968, and \n entered into force March 5, 1970 (commonly referred to as the \n ``Nuclear Non-Proliferation Treaty''); and\n (D) resumed uranium conversion activities, thus ending the \n confidence building measures it adopted in its November 2003 \n agreement with the foreign ministers of the United Kingdom, \n France, and Germany.\n (4) On September 24, 2005, the Board of Governors of the \n International Atomic Energy Agency (IAEA) formally declared that \n Iranian actions constituted noncompliance with its nuclear \n safeguards obligations, and that Iran's history of concealment of \n its nuclear activities has given rise to questions that are within \n the purview of the United Nations Security Council.\n (5) The executive branch has on multiple occasions used the \n authority provided under section 3 of the Iran Nonproliferation Act \n of 2000 (Public Law 106-178; 50 U.S.C. 1701 note) to impose \n sanctions on entities that have engaged in activities in violation \n of restrictions in the Act relating to--\n (A) the export of equipment and technology controlled under \n multilateral export control lists, including under the \n Australia Group, Chemical Weapons Convention, Missile \n Technology Control Regime, Nuclear Suppliers Group, and the \n Wassenaar Arrangement or otherwise having the potential to make \n a material contribution to the development of weapons of mass \n destruction or cruise or ballistic missile systems to Iran; and\n (B) the export of other items to Iran with the potential of \n making a material contribution to Iran's weapons of mass \n destruction programs or on United States national control lists \n for reasons related to the proliferation of weapons of mass \n destruction or missiles.\n (6) The executive branch has never made a determination \n pursuant to section 6(b) of the Iran Nonproliferation Act of 2000 \n that--\n (A) it is the policy of the Government of the Russian \n Federation to oppose the proliferation to Iran of weapons of \n mass destruction and missile systems capable of delivering such \n weapons;\n (B) the Government of the Russian Federation (including the \n law enforcement, export promotion, export control, and \n intelligence agencies of such government) has demonstrated and \n continues to demonstrate a sustained commitment to seek out and \n prevent the transfer to Iran of goods, services, and technology \n that could make a material contribution to the development of \n nuclear, biological, or chemical weapons, or of ballistic or \n cruise missile systems; and\n (C) no entity under the jurisdiction or control of the \n Government of the Russian Federation, has, during the 1-year \n period prior to the date of the determination pursuant to \n section 6(b) of such Act, made transfers to Iran reportable \n under section 2(a) of the Act.\n (7) On June 29, 2005, President George W. Bush issued Executive \n Order 13382 blocking property of weapons of mass destruction \n proliferators and their supporters, and used the authority of such \n order against 4 Iranian entities, Aerospace Industries \n Organization, Shahid Hemmat Industrial Group, Shahid Bakeri \n Industrial Group, and the Atomic Energy Organization of Iran, that \n have engaged, or attempted to engage, in activities or transactions \n that have materially contributed to, or pose a risk of materially \n contributing to, the proliferation of weapons of mass destruction \n or their means of delivery (including missiles capable of \n delivering such weapons), including efforts to manufacture, \n acquire, possess, develop, transport, transfer, or use such items.\n\nSEC. 3. AMENDMENTS TO IRAN NONPROLIFERATION ACT OF 2000 RELATED TO \n INTERNATIONAL SPACE STATION PAYMENTS.\n\n (a) Treatment of Certain Payments.--Section 7(1)(B) of the Iran \nNonproliferation Act of 2000 (Public Law 106-178; 50 U.S.C. 1701 note) \nis amended--\n (1) by striking the period at the end and inserting a comma; \n and\n (2) by adding at the end the following:\n ``except that such term does not mean payments in cash or in kind \n made or to be made by the United States Government prior to January \n 1, 2012, for work to be performed or services to be rendered prior \n to that date necessary to meet United States obligations under the \n Agreement Concerning Cooperation on the Civil International Space \n Station, with annex, signed at Washington January 29, 1998, and \n entered into force March 27, 2001, or any protocol, agreement, \n memorandum of understanding, or contract related thereto.''.\n (b) Exception.--Section 6(h) of the Iran Nonproliferation Act of \n2000 (Public Law 106-178; 50 U.S.C. 1701 note) is amended by inserting \nafter ``extraordinary payments in connection with the International \nSpace Station'' the following: ``, or any other payments in connection \nwith the International Space Station,''.\n (c) Reporting Requirements.--Section 6 of the Iran Nonproliferation \nAct of 2000 (Public Law 106-178; 50 U.S.C. 1701 note) is amended by \nadding at the end the following new subsection:\n ``(i) Report on Certain Payments Related to International Space \nStation.--\n ``(1) In general.--The President shall, together with each \n report submitted under section 2(a), submit to the Committee on \n Foreign Relations of the Senate and the Committee on International \n Relations of the House of Representatives a report that identifies \n each Russian entity or person to whom the United States Government \n has, since the date of the enactment of the Iran Nonproliferation \n Amendments Act of 2005, made a payment in cash or in kind for work \n to be performed or services to be rendered under the Agreement \n Concerning Cooperation on the Civil International Space Station, \n with annex, signed at Washington January 29, 1998, and entered into \n force March 27, 2001, or any protocol, agreement, memorandum of \n understanding, or contract related thereto.\n ``(2) Content.--Each report submitted under paragraph (1) shall \n include--\n ``(A) the specific purpose of each payment made to each \n entity or person identified in the report; and\n ``(B) with respect to each such payment, the assessment of \n the President that the payment was not prejudicial to the \n achievement of the objectives of the United States Government \n to prevent the proliferation of ballistic or cruise missile \n systems in Iran and other countries that have repeatedly \n provided support for acts of international terrorism, as \n determined by the Secretary of State under section 620A(a) of \n the Foreign Assistance Act of 1961 (22 U.S.C. 2371(a)), section \n 6(j) of the Export Administration Act of 1979 (50 U.S.C. App. \n 2405(j)), or section 40(d) of the Arms Export Control Act (22 \n U.S.C. 2780(d)).''.\n\nSEC. 4. AMENDMENTS TO THE IRAN NONPROLIFERATION ACT OF 2000 TO MAKE \n SUCH ACT APPLICABLE TO IRAN AND SYRIA.\n\n (a) Reports on Proliferation Relating to Iran or Syria.--Section 2 \nof the Iran Nonproliferation Act of 2000 (Public Law 106-178; 50 U.S.C. \n1701 note) is amended--\n (1) in the heading, by striking ``TO IRAN'' and inserting \n ``RELATING TO IRAN AND SYRIA''; and\n (2) in subsection (a)--\n (A) in the matter preceding paragraph (1)--\n (i) by inserting ``or acquired from'' after \n ``transferred to''; and\n (ii) by inserting after ``Iran'' the following: ``, or \n on or after January 1, 2005, transferred to or acquired \n from Syria''; and\n (B) in paragraph (2), by inserting after ``Iran'' the \n following: ``or Syria, as the case may be,''.\n (b) Determination Exempting Foreign Persons From Certain \nMeasures.--Section 5(a) of the Iran Nonproliferation Act of 2000 \n(Public Law 106-178; 50 U.S.C. 1701 note) is amended--\n (1) in paragraph (1), by striking ``transfer to Iran'' and \n inserting ``transfer to or acquire from Iran or Syria, as the case \n may be,''; and\n (2) in paragraph (2), by striking ``Iran's efforts'' and \n inserting ``the efforts of Iran or Syria, as the case may be,''.\n (c) Restriction on Extraordinary Payments in Connection With the \nInternational Space Station.--Section 6(b) of the Iran Nonproliferation \nAct of 2000 (Public Law 106-178; 50 U.S.C. 1701 note) is amended--\n (1) in the heading, by striking ``to Iran'' and inserting \n ``Relating to Iran and Syria'';\n (2) in paragraphs (1) and (2), by striking ``to Iran'' each \n place it appears and inserting ``to or from Iran and Syria''; and\n (3) in paragraph (3), by striking ``to Iran'' and inserting \n ``to or from Iran or Syria''.\n (d) Definitions.--Section 7(2) of the Iran Nonproliferation Act of \n2000 (Public Law 106-178; 50 U.S.C. 1701 note) is amended--\n (1) in subparagraph (C) to read as follows:\n ``(C) any foreign government, including any foreign \n governmental entity; and''; and\n (2) in subparagraph (D), by striking ``subparagraph (B) or \n (C)'' and inserting ``subparagraph (A), (B), or (C), including any \n entity in which any entity described in any such subparagraph owns \n a controlling interest''.\n (e) Short Title.--\n (1) Amendment.--Section 1 of the Iran Nonproliferation Act of \n 2000 (Public Law 106-178; 50 U.S.C. 1701 note) is amended by \n striking ``Iran Nonproliferation Act of 2000'' and inserting ``Iran \n and Syria Nonproliferation Act''.\n (2) References.--Any reference in a law, regulation, document, \n or other record of the United States to the Iran Nonproliferation \n Act of 2000 shall be deemed to be a reference to the Iran and Syria \n Nonproliferation Act.\n\n Speaker of the House of Representatives.\n\n Vice President of the United States and \n President of the Senate.", "target": "Iran Nonproliferation Amendments Act of 2005 - Amends the Iran Nonproliferation Act of 2000 to state that the definition of \"extraordinary payments in connection with the International Space Station\" does not mean payments in cash or in kind made or to be made by the U.S. government prior to January 1, 2012, for work to be performed or services to be rendered prior to that date necessary to meet U.S. obligations under the Agreement Concerning Cooperation on the Civil International Space Station, with annex, signed at Washington January 29, 1998, and entered into force March 27, 2001, or any protocol, agreement, memorandum of understanding, or contract related thereto. (Under such Act the United States is prohibited from making such payments to the Russian Aviation and Space Agency unless specified determinations are made with respect to Russian cooperation in preventing proliferation to Iran, or to a foreign person identified as contributing to proliferation to Iran.)\n\nProhibits any U.S. agency from making extraordinary payments and any other payments (currently, such prohibition is limited to extraordinary payments) in connection with the International Space Station to a foreign person subject to specified measures under such Act or Executive Order No. 12938.\n\n Directs the President to submit to the Committee on Foreign Relations of the Senate and the Committee on International Relations of the House of Representatives a report that identifies each Russian entity or person to whom the United States has, since the date of enactment of this Act, made a cash or in-kind payment under the Agreement.\n\nRequires such report to include: (1) the purpose of each payment; and (2) with respect to each such payment, an assessment that the payment was not prejudicial to preventing the proliferation of ballistic or cruise missile systems in Iran and other countries that have supported acts of international terrorism.\n\n Applies the provisions of such Act to: (1) Syria with respect to transfers on or after January 1, 2005; and (2) transfers to or from such countries (currently, limited to transfers to Iran).\n\nRedefines \"foreign person\" or \"person\" to include any foreign government or government entity (currently, any governmental entity operating as a business enterprise).\n\nRetitles the Iran Nonproliferation Act of 2002 as the Iran and Syria Nonproliferation Act.", "feat_title": "An act to make amendments to the Iran Nonproliferation Act to 2000 related to International Space Station payments, and for other purposes.", "evaluation_predictions": [0, 96, 196, 2002, 5388, 749, 4597, 2661, 18397, 26, 1983, 13, 3105, 121, 19, 3, 9, 1320, 13, 8, 1181, 18, 16812, 9, 3350, 7, 31, 2231, 12, 1822, 7449, 45, 5107, 7749, 5, 37, 1108, 17212, 7, 125, 65, 2817, 16, 8, 907, 1323, 6, 11, 2315, 24, 19143, 12311, 43, 2925, 12, 1899, 1397, 21, 2959, 1440, 114, 7449, 6, 18222, 6, 11, 26154, 5, 86, 811, 6, 7449, 65, 4567, 12, 1810, 1315, 12, 8, 12371, 1201, 1696, 344, 7449, 11, 8, 1038, 20474, 447, 827, 3193, 30, 1346, 11010, 7, 581, 8, 16494, 63, 6238, 529, 18, 1409, 4597, 2661, 13, 6414, 7749, 44, 19500, 1515, 957, 4552, 117, 8, 10015, 1151, 12, 8, 2791, 344, 7449, 28, 8, 27490, 20474, 447, 24310, 7038, 21, 8, 917, 13, 1346, 11010, 15, 26, 16, 2135, 28, 532, 16494, 63, 1286, 8, 529, 18, 3174, 4597, 52, 257, 13, 23907, 7749, 535, 100, 2493, 92, 617, 7, 430, 126, 1375, 12, 8, 28000, 7, 13, 8, 7491, 7, 13, 23381, 10, 5568, 489, 14296, 599, 115, 87, 188, 1636, 9848, 13, 8, 17769, 116, 540, 42, 773, 263, 57, 8, 837, 789, 130, 263, 788, 12, 8, 1038, 628, 2478, 5, 5212, 1375, 963, 46, 5763, 250, 34, 598, 150, 1942, 1884, 12, 1882, 1914, 1673, 117, 48, 1657, 405, 59, 6539, 1243, 136, 996, 29819, 4364, 16, 4689, 12, 8, 1331, 24722, 5939, 117, 68, 1446, 6, 132, 33, 72, 1030, 81, 8, 866, 13, 1723, 1866, 12, 284, 4263, 568, 42, 568, 437, 8, 2791, 6238, 8494, 30, 8, 3095, 1331, 5844, 5939, 47, 3814, 16, 1762, 14405, 6260, 117, 11, 258, 128, 119, 6413, 24, 43, 11303, 120, 9859, 12, 8, 27419, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]} |
{"text": "SECTION 1. SHORT TITLE.\n\n This Act may be cited as the ``National Park Service \nEntrepreneurial Management Reform Act of 1994''.\n\nSEC. 2. FEES.\n\n (a) Admission Fees.--Section 4(a) of the Land and Water \nConservation Fund Act of 1965 (16 U.S.C. 460l-4 and following) is \namended as follows:\n (1) In the first sentence of paragraph (1)(A)(i), by \n striking ``$25'' and inserting ``$40''.\n (2) By amending the second sentence of paragraph (1)(A)(i) \n to read as follows: ``The permittee and the accompanying \n spouse, children, and parents of the permittee shall be \n entitled to general admission into any area designated pursuant \n to this section.''.\n (3) By modifying the margin of clause (ii) of paragraph \n (1)(A) to align with the margin of clause (i).\n (4) By inserting at the end of clause (ii) of paragraph \n (1)(A) the following: ``Such receipts shall be made available, \n subject to appropriation, for authorized resource protection, \n rehabilitation, and conservation projects as provided for by \n subsection (i), including projects to be carried out by the \n Public Land Corps or any other conservation corps pursuant to \n the Youth Conservation Corps Act of 1970 (16 U.S.C. 1701 and \n following), or other related programs or authorities, on lands \n administered by the Secretary of the Interior and the Secretary \n of Agriculture.''.\n (5) In paragraph (1)(B), by striking ``$15'' and inserting \n ``$25'' and by adding at the end the following new sentence: \n ``Any amount by which the fee for such an annual permit exceeds \n $15 shall be credited to the appropriation account of the unit \n of the National Park System that collected the fee, shall be \n available to the unit without further appropriation, and shall \n remain available until expended.''.\n (6) In paragraph (2), by inserting ``(A)'' after ``(2)'', \n by striking the fifth and sixth sentences, by amending the \n fourth sentence to read as follows: ``The fee for a single-\n visit permit at any designated area shall be not more than $6 \n per person for persons entering by any means, except that the \n fee shall not exceed $20 for all persons entering a designated \n area in a single noncommercial vehicle.'', and by adding at the \n end the following new subparagraph:\n ``(B) The Secretary shall establish a pilot project at \n Yosemite National Park that utilizes incentives, including \n waiving or reducing admission fees, to encourage use of public \n transit which serves the purpose of reducing vehicular traffic \n within Yosemite National Park.''.\n (7) In paragraph (3), by striking the last sentence.\n (8) In paragraph (4), by striking ``No other free permits \n shall be issued to any person'' and inserting ``No other free \n permits shall be issued to any person, except as otherwise \n provided by this subsection''.\n (9) In paragraph (4), by amending the second sentence to \n read as follows: ``Such permit shall be nontransferable, shall \n be issued for a one-time charge of $10, and shall entitle the \n permittee and the accompanying spouse of the permitee to \n general admission into any area designated pursuant to this \n subsection.''.\n (10) In paragraph (6) by striking ``on Interior and Insular \n Affairs'' and inserting ``on Natural Resources''.\n (11) In paragraph (9), by striking ``San Juan National \n Historic Site, and Canaveral National Seashore'' and inserting \n ``and San Juan National Historic Site'' and by adding the \n following at the end thereof: ``The Secretary of the Interior \n shall submit a report to the Congress within 6 months after the \n enactment of this sentence respecting the areas at which the \n Secretary determines admission fees would be appropriate but at \n which such fees are prohibited by law and respecting each area \n at which such fees are authorized but not being collected \n (including an explanation of the reasons that such fees are not \n being collected).''.\n (12) By amending paragraph (11) to read as follows:\n ``(11) In the case of Yellowstone and Grand Teton National \n Parks, a single-visit fee collected at one unit shall also \n admit the person who paid such fee for a single visit to the \n other unit.''.\n (b) Penalty.--Section 4(e) of the Land and Water Conservation Fund \nAct of 1965 (16 U.S.C. 460l-4 and following) is amended by striking \n``$100'' and inserting ``$1,000''.\n (c) Technical Amendments.--(1) Section 4(h) of the Land and Water \nConservation Fund Act of 1965 (16 U.S.C. 460l-4 and following) is \namended by striking ``on Interior and Insular Affairs of the United \nStates House of Representatives and United States Senate'' and \ninserting ``on Natural Resources of the United States House of \nRepresentatives and on Energy and Natural Resources of the United \nStates Senate'', by striking ``Bureau of Outdoor Recreation'' and \ninserting ``National Park Service'', and by striking ``Bureau'' and \ninserting ``National Park Service''.\n (2) Section 4(g) of the Land and Water Conservation Fund Act of \n1965 (16 U.S.C. 460l-4 and following) is amended by striking ``or \ncharges for commercial or other activities not related to recreation''.\n (d) Use of Fees.--Section 4(i) of the Land and Water Conservation \nFund Act of 1965 (16 U.S.C. 460l-4 and following) is amended as \nfollows:\n (1) By inserting ``Use of Fees.--'' after ``(i)''.\n (2) In the first sentence of paragraph (1)(B), by striking \n ``fee collection costs for that fiscal year'' and inserting \n ``fee collection costs for the immediately preceding fiscal \n year'' and by striking ``section in that fiscal year'' and \n inserting ``section in such immediately preceding fiscal \n year''.\n (3) In the second sentence of paragraph (1)(B), by striking \n ``in that fiscal year''.\n (4) In paragraph (1), by adding at the end the following \n new subparagraph:\n ``(C) Notwithstanding subparagraph (A) and notwithstanding any \nother provision of law, for fiscal years after fiscal year 1995, the \namount by which the receipts collected pursuant to this section by the \nNational Park Service (except for the portion of fee receipts withheld \nas provided in subparagraph (B) for fee collection costs) exceeds the \nreceipts collected pursuant to this section by the National Park \nService in fiscal year 1993 shall be covered into a special fund \nestablished in the Treasury of the United States to be known as the \n`National Park Renewal Fund'. Amounts in such fund shall be available \nto the Secretary of the Interior, without further appropriation, for \nresource protection, research, interpretation, and maintenance \nactivities related to resource protection and visitor enjoyment in \nareas managed by the National Park Service and shall be allocated among \nnational park system units in accordance with subsection (j). Such \namounts shall remain available until expended. The Secretary shall \ndevelop procedures for the use of amounts in the fund that ensure \naccountability and demonstrated results consistent with the purposes of \nthis Act. Beginning after the first full fiscal year following \nenactment of this subparagraph, the Secretary shall submit an annual \nreport to Congress, on a unit-by-unit basis, detailing the fees \nreceipts collected pursuant to this section and the expenditures of \nsuch receipts.''.\n (e) Time of Reimbursement.--Section 4(k) of the Land and Water \nConservation Fund Act of 1965 (16 U.S.C. 460l-4 and following) is \namended by striking the last sentence.\n (f) Fees for Special Uses.--Section 4 of the Land and Water \nConservation Fund Act of 1965 (16 U.S.C. 460l-4 and following) is \namended by adding the following new subsection at the end:\n ``(o) Fees for Special Uses.--The Secretary of the Interior shall \nestablish reasonable fees for nonrecreational uses of national park \nsystem units that require special arrangements, including permits. The \nfees shall be set at such level as the Secretary deems necessary to \ninsure that the United States will receive fair market value for the \nuse of the area concerned and shall, at a minimum, cover all costs of \nproviding necessary services associated with such special uses, except \nthat the Secretary may, in his discretion, waive or reduce such fees in \nthe case of any nonprofit organization or any organization using an \narea within the national park system for educational or park-related \npurposes. Notwithstanding any other provision of law, the Secretary \nshall retain so much of the revenue from such fees as is equal to fee \ncollection costs and the costs of providing the necessary services \nassociated with such special uses. Such retained amounts shall be \ncredited to the appropriation account for the national park system unit \nconcerned and shall remain available until expended, beginning in the \nfiscal year in which the amounts are so credited.''.\n (g) Admission or Recreation Use Fees.--Section 4 of the Land and \nWater Conservation Fund Act of 1965 (16 U.S.C. 460l-4 and following) is \namended by adding the following new subsection at the end:\n ``(p) Admission or Recreation Use Fees.--Notwithstanding any other \nprovision of law, no admission or recreation use fee of any kind shall \nbe charged or imposed for entrance into, or use of, any federally owned \narea operated and maintained by a Federal agency and used for outdoor \nrecreation purposes, except as provided for by this Act.''.\n\nSEC. 3. CHALLENGE COST-SHARE AGREEMENTS.\n\n (a) Agreements.--The Secretary of the Interior is authorized to \nnegotiate and enter into challenge cost-share agreements with \ncooperators. For purposes of this section--\n (1) The term ``challenge cost-share agreement'' means any \n agreement entered into between the Secretary and any cooperator \n for the purpose of sharing costs or services in carrying out \n any authorized functions and responsibilities of the Secretary \n with respect to any unit of the national park system (as \n defined in section 2(a) of the Act of August 8, 1953 (16 U.S.C. \n 1b-1c)), any affiliated area, or any designated national scenic \n or historic trail.\n (2) The term ``cooperator'' means any State or local \n government, public or private agency, organization, \n institution, corporation, individual, or other entity.\n (b) Use of Federal Funds.--In carrying out challenge cost-share \nagreements, the Secretary is authorized, subject to appropriation, to \nprovide the Federal funding share from any funds available to the \nNational Park Service.\n\nSEC. 4. COST RECOVERY FOR DAMAGE TO NATIONAL PARK RESOURCES.\n\n Notwithstanding any other provision of law, any funds payable to \nUnited States as restitution on account of damage to national park \nresources or property shall be paid to the Secretary of the Interior. \nAny such funds, and any other funds received as a result of forfeiture, \ncompromise, or settlement on account of damage to national park \nresources or property shall be credited to the appropriation account \nfor the national park system unit concerned and shall be available, \nwithout further appropriation, for expenditure by the Secretary, \nwithout regard to fiscal year limitation, to improve, protect, or \nrehabilitate any park resources or property which have been damaged by \nthe action of a permittee or any unauthorized person.", "target": "National Park Service Entrepreneurial Management Reform Act of 1994 - Amends the Land and Water Conservation Fund Act of 1965 to increase fees for admission to units of the National Park System (NPS) and other specified areas. Makes receipts from admission available, subject to appropriation, for authorized resource protection, rehabilitation, and conservation projects. \n(Sec. 2) Requires the Secretary of the Interior to establish a pilot project at Yosemite National Park that utilizes incentives, including waiving or reducing admission fees, to encourage use of public transit which serves the purpose of reducing vehicular traffic within such park. \nRevises provisions regarding the issuance of lifetime admission permits, including a limitation that such a permit entitles only the permittee and the accompanying spouse to free admission. \nDirects the Secretary to report to the Congress respecting areas where the Secretary determines that admission fees would be appropriate but where such fees are prohibited by law, and areas where such fees are authorized but not being collected. \nIncreases the penalty for violations of rules and regulations regarding admission and special recreation use fees. \nModifies provisions regarding the use of fees collected. Requires that specified receipts be covered into a special National Park Renewal Fund. Makes such funds available for resource protection, research, interpretation, and maintenance activities related to resource protection and visitor enjoyment in areas managed by the National Park Service. \nRepeals a requirement that qualified public or private entities selling annual admission permits reimburse the United States for the full amount to be received from the sale of such permits when or before the agency delivers the permits to such entity for sale. \nDirects the Secretary to establish reasonable fees for nonrecreational uses of NPS units that require special arrangements. \nProhibits charging an admission or recreation use fee for entrance into, or use of, any federally owned area operated and maintained by a Federal agency which is used for outdoor recreation purposes, except as provided for by such Act. \n(Sec. 3) Authorizes the Secretary to: (1) negotiate and enter into agreements with State or local governments, individuals, or other entities for the purpose of sharing costs or services in carrying out authorized functions and responsibilities of the Secretary with respect to NPS units; and (2) provide, subject to appropriation, the Federal funding share from any funds available to the National Park Service in carrying out such agreements. \n(Sec. 4) Requires any funds payable to the United States as restitution for damages to national park resources or property to be paid to the Secretary and made available for improvement, protection, or rehabilitation of damaged resources or property.", "feat_title": "National Park Service Entrepreneurial Management Reform Act of 1994", "evaluation_predictions": [0, 37, 1157, 2447, 313, 19, 3, 9, 1144, 13, 8, 1384, 11, 7819, 5, 94, 65, 118, 4997, 57, 8, 5034, 789, 6, 68, 34, 19, 59, 718, 96, 532, 868, 1061, 15260, 26696, 23, 138, 758, 18490, 1983, 13, 7273, 535, 86, 48, 1040, 6, 8, 1108, 4277, 7, 192, 9848, 10, 29233, 7, 209, 11, 204, 117, 1375, 314, 18, 221, 9, 189, 8495, 7, 1636, 15409, 3051, 21, 1764, 139, 136, 616, 24, 2311, 534, 8281, 28, 8, 24732, 1061, 1387, 11, 2572, 1232, 1358, 45, 8, 868, 1061, 313, 5, 5568, 314, 18, 7304, 11827, 12, 1151, 12123, 7, 10, 465, 7209, 42, 14863, 169, 2572, 133, 36, 4977, 42, 16068, 30, 2822, 120, 4157, 844, 7747, 11, 6997, 44, 3, 9, 2822, 3193, 42, 261, 16, 2655, 17711, 3659, 5, 37, 4543, 13, 8647, 6464, 8647, 220, 2428, 583, 698, 10663, 5, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]} |
{"text": "SECTION 1. SHORT TITLE.\n\n This Act may be cited as the ``Overseas Citizens Voting Rights Act \nof 1996''.\n\nSEC. 2. EXTENSION OF PERIOD FOR RECEIPT OF ABSENTEE BALLOTS.\n\n Section 102 of the Uniformed and Overseas Citizens Absentee Voting \nAct (42 U.S.C. 1973ff-1) is amended--\n (1) by striking out ``and'' at the end of paragraph (2);\n (2) by striking out the period at the end of paragraph (3) \n and inserting in lieu thereof ``; and''; and\n (3) by adding at the end the following new paragraph:\n ``(4) permit absentee ballots to be received at least until \n the close of polls on election day.''.\n\nSEC. 3. EXTENSION OF FEDERAL WRITE-IN ABSENTEE BALLOT PROVISIONS TO \n SPECIAL, PRIMARY, AND RUNOFF ELECTIONS.\n\n (a) In General.--Section 103(a) of the Uniformed and Overseas \nCitizens Absentee Voting Act (42 U.S.C. 1973ff-2(a)) is amended--\n (1) by inserting after ``general'' the following: ``, \n special, primary, and runoff''; and\n (2) by striking out ``States,'' and inserting in lieu \n thereof ``State''.\n (b) Special Rules.--Section 103(c) of the Uniformed and Overseas \nCitizens Absentee Voting Act (42 U.S.C. 1973ff-2(c)) is amended--\n (1) in paragraph (1), by inserting after ``candidate or'' \n the following: ``, with respect to a general or special \n election,''; and\n (2) in paragraph (2), by inserting after ``candidate or'' \n the following: ``with respect to a general election''.\n (c) Use of Approved State Absentee Ballot in Place of Federal \nWrite-in Absentee Ballot.--Section 103(e) of the Uniformed and Overseas \nCitizens Absentee Voting Act (42 U.S.C. 1973ff-2(e)) is amended by \nstriking out ``a general'' and inserting in lieu thereof ``an''.\n (d) Certain States Exempted.--Section 103(f) of the Uniformed and \nOverseas Citizens Absentee Voting Act (42 U.S.C. 1973ff-2(f)) is \namended by striking out ``general'' each place it appears.\n (e) Effective Date.--The amendments made by this section shall \napply with respect to elections taking place after December 31, 1996.\n\nSEC. 4. USE OF ELECTRONIC RETURN OF ABSENTEE BALLOTS.\n\n (a) In General.--Section 104 of the Uniformed and Overseas Citizens \nAbsentee Voting Act (42 U.S.C. 1973ff-3) is amended--\n (1) by striking out ``and'' at the end of paragraph (8);\n (2) by striking out the period at the end of paragraph (9) \n and inserting in lieu thereof ``; and''; and\n (3) by adding at the end the following new paragraph:\n ``(10) in consultation with the Presidential designee, \n consider means for providing for expeditious methods for the \n return of absentee ballots, including return by electronic \n transmittal, with maximum regard for ballot secrecy, audit \n procedures, and other considerations relating to the integrity \n of the election process.''.\n (b) Secrecy and Verification of Electronically Transmitted \nBallots.--Section 104 of the Uniformed and Overseas Citizens Absentee \nVoting Act (42 U.S.C. 1973ff-3) is amended--\n (1) by striking out ``To afford'' and inserting in lieu \n thereof ``(a) In General.--To afford''; and\n (2) by adding at the end the following new subsection:\n ``(b) Secrecy and Verification of Electronically Transmitted \nBallots.--No electronic transmittal or related procedure under \nsubsection (a)(10) that is paid for, in whole or in part, with Federal \nfunds may be carried out in any manner that (1) permits any person \nother than the voter to view a completed ballot, or (2) otherwise \ncompromises ballot secrecy. At the earliest possible opportunity, the \noriginal of each completed ballot that is transmitted electronically \nshall be submitted in a secrecy envelope to the applicable location in \nthe State involved.''\n\nSEC. 5. ELECTRONIC TRANSMITTAL OF BALLOTING MATERIALS.\n\n (a) In General.--The Uniformed and Overseas Citizens Absentee \nVoting Act (42 U.S.C. 1973ff et seq.) is amended by adding at the end \nthe following new sections:\n\n``SEC. 108. ELECTRONIC TRANSMITTAL OF BALLOTING MATERIALS.\n\n ``(a) In General.--Each State, in cooperation with the Presidential \ndesignee, shall establish a system for electronic transmittal of \nballoting materials for overseas voters. The system shall provide for--\n ``(1) electronic transmittal as an alternative method for \n transmittal of balloting materials to overseas voters;\n ``(2) use of the format of the official post card form \n prescribed under section 101 (or the format of any other \n registration form provided for under State law) for purposes of \n absentee voter registration application and absentee ballot \n application, with the condition that a State may require \n receipt of a form with an original signature before the ballot \n of the voter is counted;\n ``(3) furnishing of absentee ballots by electronic \n transmittal, from locations within the State, as selected by \n the chief State election official, to overseas voters who \n request such transmittal; and\n ``(4) special alternative methods of transmittal of \n balloting materials for use only when required by an emergency \n declared by the President or the Congress.\n ``(b) Funding Requirement.--The requirements of subsection (a) \nshall apply to a State with respect to an election--\n ``(1) if there is full payment by the Federal Government of \n any additional cost incurred by the State after the date of the \n enactment of this Act for the implementation of such subsection \n (a), with such costs to be determined by the Presidential \n designee and the chief State election official, acting jointly; \n or\n ``(2) in any case of less than full payment, as described \n in paragraph (1), if the State, in the manner provided for \n under the law of the State, agrees to the application of such \n requirements.\n\n``SEC. 109. NOTIFICATION REQUIREMENT FOR APPROVAL OF ELECTRONIC \n TRANSMITTAL METHOD.\n\n ``The Presidential designee may not approve use of any method of \nelectronic transmittal for purposes of this Act, unless, not later than \n90 days before the effective date of the approval, the Presidential \ndesignee submits to the Congress a detailed report describing the \nmethod.''.\n (b) Definition Amendment.--Section 107 of the Uniformed and \nOverseas Citizens Absentee Voting Act (42 U.S.C. 1973ff-6) is amended--\n (1) by striking out ``and'' at the end of paragraph (7);\n (2) by striking out the period at the end of paragraph (8) \n and inserting in lieu thereof ``; and''; and\n (3) by adding at the end the following new paragraph:\n ``(9) the term `electronic transmittal' means, with respect \n to balloting materials, transmittal by facsimile machine or \n other electronic method approved by the Presidential \n designee.''.\n (c) Effective Date.--The amendments made by this section shall \napply with respect to elections taking place after December 31, 1996.\n\nSEC. 6. REPORT PROVISION.\n\n Section 101(b)(6) of the Uniformed and Overseas Citizens Absentee \nVoting Act (42 U.S.C. 1973ff(b)(6)) is amended--\n (1) by striking out ``participation and'' and inserting in \n lieu thereof ``participation,''; and\n (2) by inserting before the period at the end the \n following: ``, and a separate analysis of electronic \n transmittal of balloting materials''.\n\n Passed the House of Representatives May 14, 1996.\n\n Attest:\n\n ROBIN H. CARLE,\n\n Clerk.", "target": "Overseas Citizens Voting Rights Act of 1996 - Amends the Uniformed and Overseas Citizens Absentee Voting Act to require each State to allow absentee ballots to be received at least until the closing of polls on election day. \n(Sec. 3) Extends the Federal write-in ballot provisions to include special, primary, and run-off elections. \n(Sec. 4) Recommends that the States consider, with respect to absent uniformed services voters and overseas voters, means to provide for the expeditious return of absentee ballots, including return by electronic transmittal. \n(Sec. 5) Requires each State to establish a system for electronic transmittal of balloting materials for overseas voters. Sets forth provisions concerning system requirements, including funding and notification requirements.", "feat_title": "Overseas Citizens Voting Rights Act of 1996", "evaluation_predictions": [0, 86, 8, 907, 1323, 6, 8, 5034, 789, 911, 7, 3, 9, 508, 866, 13, 540, 45, 8, 2822, 789, 11, 65, 12, 726, 21, 66, 16524, 7, 24, 33, 1622, 57, 8, 1157, 789, 5, 37, 25606, 19, 8807, 139, 386, 6795, 10, 96, 532, 597, 10816, 11, 2035, 31, 7, 15, 9, 2260, 22540, 8787, 4617, 17, 3152, 1222, 1983, 13, 6911, 121, 3, 117, 8, 5034, 2126, 13, 9768, 4298, 43, 118, 718, 30, 12, 1912, 70, 9353, 16, 455, 12, 143, 417, 79, 103, 59, 18960, 28, 8, 433, 13, 10601, 5, 71, 126, 1375, 4277, 7, 46, 1151, 1375, 10, 96, 427, 3437, 2234, 9153, 1947, 13, 4155, 32, 106, 1397, 535, 94, 92, 617, 7, 192, 1151, 6795, 10, 8925, 8, 538, 56, 4797, 3, 9, 478, 21, 3031, 5790, 13, 16524, 7, 21, 10055, 10861, 117, 9266, 8, 538, 54, 169, 8, 1910, 13, 112, 442, 895, 607, 12, 2868, 11364, 3816, 1564, 11, 258, 1299, 4842, 12, 10055, 10861, 38, 168, 38, 3, 7256, 534, 2433, 2254, 224, 38, 27707, 13, 16524, 1397, 21, 261, 163, 116, 3583, 18165, 7, 13, 8, 2753, 42, 8, 4442, 164, 1457, 34, 5, 100, 6704, 14545, 7, 5568, 13736, 18, 279, 18669, 13, 8, 3545, 10816, 11, 23847, 7, 15, 152, 22540, 8787, 295, 15, 3152, 1222, 23312, 5, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]} |
{"text": "SECTION 1. SHORT TITLE.\n\n This Act may cited as the ``District of Columbia Full Self-\nGovernment Act''.\n\n TITLE I--STATUS OF THE DISTRICT OF COLUMBIA\n\nSEC. 101. STATUS OF THE DISTRICT.\n\n (a) In General.--All of the territory constituting the permanent \nseat of the Government of the United States shall continue to be \ndesignated as the District of Columbia. The District of Columbia shall \nremain and continue a body corporate, as provided in section 2 of the \nRevised Statutes relating to the District (sec. 1-102, D.C. Official \nCode).\n (b) No Effect on Existing Laws.--No law or regulation which is in \nforce on the effective date of this Act shall be deemed amended or \nrepealed by this Act except to the extent specifically provided herein \nor to the extent that such law or regulation is inconsistent with this \nAct, but any such law or regulation may be amended or repealed by act \nor resolution as authorized in this Act, or by Act of Congress.\n (c) No Effect on Boundary Line.--Nothing contained in this section \nshall affect the boundary line between the District of Columbia and the \nCommonwealth of Virginia as the same was established or may be \nsubsequently established under the provisions of title I of the Act of \nOctober 31, 1945 (59 Stat. 552).\n\nSEC. 102. LEGISLATIVE POWER OF DISTRICT OF COLUMBIA.\n\n Except as provided in section 202, the legislative power of the \nDistrict of Columbia shall extend to all rightful subjects of \nlegislation within the District consistent with the Constitution of the \nUnited States and the provisions of this Act subject to all the \nrestrictions and limitations imposed upon the States by the tenth \nsection of the first article of the Constitution of the United States.\n\n TITLE II--LEGISLATIVE BRANCH\n\nSEC. 201. ESTABLISHMENT OF THE COUNCIL.\n\n (a) Establishment.--There is established a Council of the District \nof Columbia (hereafter in this Act referred to as the ``Council''), and \nthe members of the Council shall be elected by the registered qualified \nelectors of the District.\n (b) Powers, Organization, and Procedure.--The powers, organization, \nand procedure of the Council shall be set forth under such laws as may \nbe enacted by the District of Columbia consistent with the provisions \nof this Act.\n\nSEC. 202. LIMITATIONS ON AUTHORITY.\n\n The Council shall have no authority to pass any act contrary to the \nprovisions of this Act except as specifically provided in this Act, or \nto--\n (1) impose any tax on property of the United States or any \n of the several States;\n (2) lend the public credit for support of any private \n undertaking;\n (3) enact any act, or enact any act to amend or repeal any \n Act of Congress, which concerns the functions or property of \n the United States or which is not restricted in its application \n exclusively in or to the District of Columbia;\n (4) enact any act, resolution, or rule with respect to any \n provision of title 11 of the District of Columbia Official Code \n (relating to organization and jurisdiction of the District of \n Columbia courts);\n (5) impose any tax on the whole or any portion of the \n personal income, either directly or at the source thereof, of \n any individual not a resident of the District (the terms \n ``individual'' and ``resident'' in this paragraph to have the \n meaning given such terms in section 47-1801.04, D.C. Official \n Code);\n (6) enact any act, resolution, or rule which permits the \n building of any structure within the District of Columbia in \n excess of the height limitations contained in section 5 of the \n Act of June 1, 1910 (sec. 5-405, D.C. Official Code), and in \n effect on the effective date of this Act;\n (7) enact any act, resolution, or regulation with respect \n to the Commission of Mental Health;\n (8) enact any act or regulation relating to the United \n States District Court for the District of Columbia or any other \n court of the United States in the District other than the \n District courts, or relating to the duties or powers of the \n United States attorney or the United States Marshal for the \n District of Columbia; or\n (9) enact any act, resolution, or rule with respect to the \n District of Columbia Financial Responsibility and Management \n Assistance Authority established under section 101(a) of the \n District of Columbia Financial Responsibility and Management \n Assistance Act of 1995.\n\n TITLE III--EXECUTIVE BRANCH\n\nSEC. 301. OFFICE OF THE MAYOR.\n\n (a) Establishment.--There is established the Office of the Mayor of \nthe District of Columbia, and the Mayor shall be elected by the \nregistered qualified electors of the District.\n (b) Powers and Duties.--The powers and duties of the Mayor of the \nDistrict of Columbia, and the organization of the Office of the Mayor \nof the District of Columbia, shall be set forth under such laws as may \nbe enacted by the District of Columbia consistent with the provisions \nof this Act.\n\nSEC. 302. TREATMENT OF EMPLOYEES FORMERLY COVERED BY FEDERAL CIVIL \n SERVICE SYSTEM.\n\n In the case of persons employed by the District government \nimmediately preceding the effective date of the personnel system \nestablished by the District government pursuant to section 422(3) of \nthe District of Columbia Home Rule Act, the personnel system of the \nDistrict government may provide for continued participation in all or \npart of the Federal Civil Service System and shall provide for \nbenefits, including but not limited to pay, tenure, leave, residence, \nretirement, health and life insurance, and employee disability and \ndeath benefits, all at least equal to those provided by legislation \nenacted by Congress, or regulation adopted pursuant thereto, and \napplicable to such officers and employees immediately prior to such \ndate, except that nothing in this Act shall prohibit the District from \nseparating an officer or employee subject to such system in the \nimplementation of a financial plan and budget for the District \ngovernment approved under subtitle A of title II of the District of \nColumbia Financial Responsibility and Management Assistance Act of \n1995.\n\nSEC. 303. RESTRICTIONS ON CERTAIN MUNICIPAL PLANNING ACTIVITIES.\n\n The Mayor's planning responsibility shall not extend to Federal and \ninternational projects and developments in the District, as determined \nby the National Capital Planning Commission, or to the United States \nCapitol buildings and grounds as defined in chapter 51 of title 40, \nUnited States Code, or to any extension thereof or addition thereto, or \nto buildings and grounds under the care of the Architect of the \nCapitol.\n\nSEC. 304. EMERGENCY CONTROL OF METROPOLITAN POLICE DEPARTMENT.\n\n (a) Authority of President To Exercise Control in Emergencies.--\n (1) Authority.--Notwithstanding any other provision of law, \n whenever the President of the United States determines that \n special conditions of an emergency nature exist which require \n the use of the Metropolitan Police force for Federal purposes, \n he may direct the Mayor to provide him, and the Mayor shall \n provide, such services of the Metropolitan Police force as the \n President may deem necessary and appropriate.\n (2) Limitation of duration of authority.--In no case shall \n services made available pursuant to any direction of the \n President under this subsection extend--\n (A) for a period in excess of 48 hours unless the \n President has, prior to the expiration of such period, \n notified the chairman and ranking minority member of \n the Committee on Oversight and Government Reform of the \n House of Representatives and the chairman and ranking \n minority member of the Committee on Homeland Security \n and Governmental Affairs of the Senate, in writing, as \n to the reason for such direction and the period of time \n during which the need for such services is likely to \n continue; or\n (B) for any period in excess of 30 days, unless the \n Senate and the House of Representatives enact into law \n a joint resolution authorizing such an extension.\n (b) Termination.--\n (1) In general.--Subject to paragraph (2), the services \n made available in accordance with subsection (a) shall \n terminate upon the end of such emergency, the expiration of a \n period of 30 days following the date on which such services are \n first made available, or the enactment into law of a joint \n resolution by the Congress providing for such termination, \n whichever first occurs.\n (2) Special rule in case of adjournment of congress sine \n die.--Notwithstanding paragraph (1), in any case in which \n services are made available in accordance with subsection (a) \n during any period of an adjournment of the Congress sine die, \n such services shall terminate upon the end of the emergency, \n the expiration of the 30-day period following the date on which \n Congress first convenes following such adjournment, or the \n enactment into law of a joint resolution by the Congress \n providing for such termination, whichever first occurs.\n\n TITLE IV--JUDICIAL BRANCH\n\nSEC. 401. JUDICIAL BRANCH.\n\n The judicial powers of the District of Columbia, and the provisions \nof the charter of the District of Columbia government which are \napplicable to the judges and courts of the District of Columbia, shall \nbe those set forth in part C of title IV of the District of Columbia \nHome Rule Act (sec. 1-204.31 et seq., D.C. Official Code), as in effect \non the effective date of this Act.\n\n TITLE V--BUDGET AND FINANCIAL MANAGEMENT\n\nSEC. 501. APPLICATION OF LAWS ESTABLISHED BY DISTRICT OF COLUMBIA.\n\n (a) Budget and Financial Management.--Subject to this Act, the \nprocess by which the District of Columbia develops and enacts the \nbudget for the District government for a fiscal year, and the \nactivities carried out with respect to the financial management of the \nDistrict government for a fiscal year, shall be established under such \nlaws as may be enacted by the District.\n (b) Borrowing.--Subject to this Act, the process and rules by which \nthe District of Columbia issues bonds or otherwise borrows money shall \nbe established under such laws as may be enacted by the District.\n\nSEC. 502. FULL FAITH AND CREDIT OF UNITED STATES NOT PLEDGED.\n\n The full faith and credit of the United States is not pledged for \nthe payment of any principal of or interest on any bond, note, or other \nobligation issued by the District of Columbia, and the United States is \nnot responsible or liable for the payment of any principal of or \ninterest on any bond, note, or other obligation issued by the District.\n\nSEC. 503. FEDERAL TAX EXEMPTION.\n\n Bonds and notes issued by the District of Columbia and the interest \nthereon shall be exempt from all Federal taxation except estate, \ninheritance, and gift taxes.\n\nSEC. 504. LEGAL INVESTMENT IN BONDS AND NOTES ISSUED BY DISTRICT OF \n COLUMBIA.\n\n Notwithstanding any restriction on the investment of funds by \nfiduciaries contained in any other law, all domestic insurance \ncompanies, domestic insurance associations, executors, administrators, \nguardians, trustees, and other fiduciaries within the District of \nColumbia may legally invest any sinking funds, moneys, trust funds, or \nother funds belonging to them or under or within their control in any \nbonds issued by the District of Columbia. National banking associations \nare authorized to deal in, underwrite, purchase and sell, for their own \naccounts or for the accounts of customers, bonds and notes issued by \nthe District to the same extent as national banking associations are \nauthorized by paragraph seven of section 5136 of the Revised Statutes \n(12 U.S.C. 24), to deal in, underwrite, purchase and sell obligations \nof the United States, States, or political subdivision thereof. All \nFederal building and loan associations and Federal savings and loan \nassociations, and banks, trust companies, building and loan \nassociations, and savings and loan associations, domiciled in the \nDistrict may purchase, sell, underwrite, and deal in, for their own \naccount or for the account of others, all bonds or notes issued by the \nDistrict of Columbia. Nothing contained in this section shall be \nconstrued as relieving any person, firm, association, or corporation \nfrom any duty of exercising due and reasonable care in selecting \nsecurities for purchase or investment.\n\n TITLE VI--RETENTION OF FEDERAL AUTHORITIES\n\nSEC. 601. RETENTION OF CONGRESSIONAL AUTHORITY.\n\n Notwithstanding any other provision of this Act, Congress reserves \nthe right, at any time, to exercise its constitutional authority as \nlegislature for the District of Columbia, by enacting legislation for \nthe District on any subject, whether within or without the scope of \nlegislative power granted to the Council by this Act, including \nlegislation to amend or repeal any law in force in the District prior \nto or after the effective date of this Act and any act passed by the \nCouncil.\n\nSEC. 602. LIMITATION ON AUTHORITY OF DISTRICT OVER CERTAIN AGENCIES.\n\n Nothing in this Act shall be construed as vesting in the District \nof Columbia government any greater authority over the National \nZoological Park, the National Guard of the District of Columbia, the \nWashington Aqueduct, the National Capital Planning Commission, or over \nany Federal agency, than was vested in the Commissioner of the District \nof Columbia established under Reorganization Plan Numbered 3 of 1967 \nprior to January 2, 1975.\n\n TITLE VII--TERMINATION OF EXISTING CHARTER; TRANSITION\n\nSEC. 701. TERMINATION OF EXISTING CHARTER.\n\n (a) In General.--Except as provided in section 401 and subsection \n(b), the District of Columbia Home Rule Act (sec. 1-201.01 et seq., \nD.C. Official Code) is repealed.\n (b) No Effect on Amendatory Provisions.--Nothing in subsection (a) \nshall be construed to affect any provision of law which is amended or \nrepealed by the District of Columbia Home Rule Act.\n\nSEC. 702. NO EFFECT ON EXISTING OBLIGATIONS.\n\n (a) Budgets.--Nothing in this Act or in the amendment made by \nsection 701 may be construed to relieve the District of Columbia of any \ncontractual or other financial obligations incurred by the District \nunder a budget enacted for a fiscal year prior to the effective date of \nthis Act.\n (b) Borrowing.--Nothing in this Act or in the amendment made by \nsection 701 may be construed--\n (1) to relieve the District of Columbia of any obligation \n incurred with respect to bonds or other forms of borrowing \n issued prior to the effective date of this Act; or\n (2) to waive the application to the District of Columbia of \n any other Federal law governing the borrowing of funds by \n States or units of local government, including the Internal \n Revenue Code of 1986.\n\nSEC. 703. NO EFFECT ON INDIVIDUALS HOLDING POSITIONS WITHIN DISTRICT \n GOVERNMENT.\n\n Nothing in this Act or in the amendment made by section 701 may be \nconstrued to affect the status of any individual who holds elective or \nappointed office in, or is an officer or employee of, the government of \nthe District of Columbia as of the effective date of this Act.\n\nSEC. 704. NO EFFECT ON PENDING ACTIONS OR PROCEEDINGS.\n\n No suit, action, or other judicial proceeding lawfully commenced by \nor against any officer or agency in his or its official capacity or in \nrelation to the exercise of his or its official functions, and no \nadministrative action or proceeding lawfully commenced, shall abate by \nreason of this Act or the amendment made by section 701.\n\n TITLE VIII--EFFECTIVE DATE\n\nSEC. 801. EFFECTIVE DATE.\n\n This Act and the amendments made by this Act shall take effect on \nthe effective date of legislation enacted by the District of Columbia \nafter the date of the enactment of this Act which establishes--\n (1) the powers, organization, and procedure of the Council \n of the District of Columbia; and\n (2) the powers and duties of the Mayor of the District of \n Columbia, and the organization of the Office of the Mayor of \n the District of Columbia.", "target": "District of Columbia Full Self-Government Act - Declares that: (1) this Act shall have no effect on existing law or regulation unless otherwise repealed or amended by this Act or an Act of Congress; and (2) the legislative power of the District shall extend to all rightful subjects of legislation within the District consistent with the U.S. Constitution and the provisions of this Act, subject to all the restrictions and limitations imposed upon the states by the Constitution.\n\nEstablishes a Council of the District of Columbia and the Office of the Mayor.\n\nPrescribes requirements for treatment of District employees formerly covered by the Federal Civil Service System.\n\nProhibits the Mayor's planning responsibility from extending to federal and District international projects and developments.\n\nPrescribes requirements granting the President emergency control of the Metropolitan Police Department.\n\nDeclares that the District's judicial powers and the provisions of the District charter applicable to District judges and courts shall be those set forth in the District of Columbia Home Rule Act as in effect on the enactment of this Act.\n\nSubjects the process by which the District develops and enacts its fiscal year budget and related financial management activities to such laws as the District may enact.\n\nDeclares that the full faith and credit of the United States is not pledged for any District obligations, nor is the United States responsible or liable for them.\n\nExempts all District bonds and notes (and interest) from federal taxation, except estate, inheritance, and gift taxes. Authorizes certain entities to invest in District bonds and notes.\n\nReserves Congress the right to exercise constitutional authority as legislature for the District.\n\nRepeals the District of Columbia Home Rule Act (establishing the existing District charter), but not any provision of law amended or repealed by such Act.", "feat_title": "To establish the charter for the government of the District of Columbia.", "evaluation_predictions": [0, 37, 3939, 13, 8183, 65, 118, 9943, 38, 8, 3939, 6, 11, 34, 56, 916, 38, 3, 9, 643, 11861, 5, 37, 1157, 6098, 13, 8, 3939, 19, 2127, 117, 79, 33, 8160, 57, 724, 13, 8, 16492, 16492, 2063, 5, 37, 828, 13, 8, 12394, 54, 36, 8160, 16, 455, 12, 766, 24, 5803, 11, 1652, 3716, 16, 8, 2822, 3095, 313, 358, 5, 37, 18176, 31, 7, 515, 225, 59, 4285, 12, 2716, 1195, 42, 119, 3950, 365, 8, 96, 26817, 13, 8, 18808, 535, 37, 6601, 12014, 2935, 17, 7, 56, 92, 36, 831, 12, 13321, 13321, 26, 3786, 30, 3583, 1124, 5, 37, 789, 405, 59, 726, 136, 1223, 5161, 30, 13237, 42, 3358, 45, 8, 3939, 250, 8, 2315, 33, 59, 1966, 21, 3788, 135, 5, 5034, 5028, 164, 805, 13237, 42, 2232, 4683, 57, 8, 3939, 437, 361, 1169, 2593, 43, 150, 10472, 12, 4032, 16, 13237, 42, 13237, 5, 4442, 1178, 5334, 14751, 579, 12, 8, 6098, 78, 24, 132, 19, 150, 14130, 30, 5015, 147, 824, 1246, 1637, 5, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]} |
{"text": "All of the lights\nLights, lights\nAll of the lights\nTurn up the lights in here, baby\nExtra bright, I want yall to see this\nTurn up the lights in here, baby\nYou know what I need, want you to see everything\nWant you to see all of the lights\nFast cars, shooting stars\nAll of the lights, all of the lights\nUntil its Vegas everywhere we are \nIf you want it, you can get it for the rest of your life\nIf you want it, you can get it for the rest of your life\nSomethin wrong, I hold my head\nMJ gone, our nigga dead\nI slapped my girl, she called the feds\nI did that time and spent that bread\nIm heading home, Im almost there\nIm on my way, heading up the stairs\nTo my surprise, a nigga replacing me\nI had to take him to that ghetto university\n, lights\nCop lights, flashlights, spotlights\nStrobe lights, street lights \nFast life, drug life, thug life\nRock life every night \nTurn up the lights in here, baby\nExtra bright, I want yall to see this\nTurn up the lights in here, baby\nYou know what I need, want you to see everything\nWant you to see all of the lights\nRestraining order, cant see my daughter\nHer mother, brother, grandmother hate me in that order\nPublic visitation, we met at Borders\nTold her she take me back, Ill be more supportive\nI made mistakes, I bumped my head\nThem courts sucked me dry, I spent that bread\nShe need her daddy, baby, please\nCant let her grow up in that ghetto university\n, lights\nCop lights, flashlights, spotlights\nStrobe lights, street lights \nFast life, drug life, thug life\nRock life every night \nTurn up the lights in here, baby\nExtra bright, I want yall to see this\nTurn up the lights in here, baby\nYou know what I need, want you to see everything\nWant you to see all of the lights\nGettin mine, baby\nGotta let these niggas know, yeah\nGettin right, babe\nYou should go and get your own\nGettin mine, baby\nGotta let these niggas know, yeah\nGettin right, babe\nYou should go and get your own\nUnemployment line, credit card declined\nDid I not mention I was about to lose my mind?\nAnd also was about to do that line\nKay, okay, you know we going all the way this time\nWe going all the way this time\nWe going all the way this time\nWe going all the way this time\nWe going all the way this time\nTurn up the lights in here, baby\nExtra bright, I want yall to see this\nTurn up the lights in here, baby\nYou know what I need, want you to see everything\nWant you to see all of the lights\nWoah, woah\nWoah, woah\nWoah, woah\nWoah, woah"} |
{"text": "Its a little bit funny, this feeling inside\nIm not one of those who can easily hide\nI dont have much money, but, boy, if I did\nId buy a big house where we both could live\nIf I was a sculptor, heh, but then again, no\nOr a man who makes potions in a traveling show\nI know its not much, but its the best I can do\nMy gift is my song, and this ones for you\nAnd you can tell everybody this is your song\nIt may be quite simple, but now that its done\nI hope you dont mind, I hope you dont mind\nThat I put down in words\nHow wonderful life is while youre in the world\nI sat on the roof and kicked off the moss\nWell, a few of the verses, well, theyve got me quite cross\nBut the suns been quite kind while I wrote this song\nIts for people like you that keep it turned on\nSo excuse me forgetting, but these things I do\nYou see, Ive forgotten if theyre green or theyre blue\nAnyway, the thing is, what I really mean\nYours are the sweetest eyes Ive ever seen\nAnd you can tell everybody this is your song\nIt may be quite simple, but now that its done\nI hope you dont mind, I hope you dont mind\nThat I put down in words\nHow wonderful life is while youre in the world\nI hope you dont mind, I hope you dont mind\nThat I put down in words\nHow wonderful life is while youre in the world"} |
{"text": "Nants ingonyama bagithi Baba\nSithi uhm ingonyama\nNants ingonyama bagithi baba\nSithi uhhmm ingonyama\nIngonyama\nSiyo Nqoba\nIngonyama\nIngonyama nengw enamabala\nFrom the day we arrive on the planet\nAnd blinking, step into the sun\nThere is more to see than can ever be seen\nMore to do than can ever be done\nThere is far too much to take in here\nMore to find than can ever be found\nBut the sun rolling high\nThrough the sapphire sky\nKeeps great and small on the endless round\nIts the Circle of Life\nAnd it moves us all\nThrough despair and hope\nThrough faith and love\nTil we find our place\nOn the path unwinding\nIn the circle\nThe Circle of Life\nIts the Circle of Life\nAnd it moves us all\nThrough despair and hope\nThrough faith and love\nTil we find our place\nOn the path unwinding\nIn the circle\nThe Circle of Life"} |
{"text": "She packed my bags last night, pre-flight\nZero hour: 9:00 a.m\nAnd Im gonna be high as a kite by then\nI miss the Earth so much, I miss my wife\nIts lonely out in space\nOn such a timeless flight\nAnd I think its gonna be a long, long time\nTil touchdown brings me round again to find\nIm not the man they think I am at home\nOh, no, no, no\nIm a rocket man\nRocket man!\nBurning out his fuse up here alone\nAnd I think its gonna be a long, long time\nTil touchdown brings me round again to find\nIm not the man they think I am at home\nOh, no, no, no\nIm a rocket man\nRocket man!\nBurning out his fuse up here alone\nMars aint the kind of place to raise your kids\nIn fact, its cold as hell\nAnd theres no one there to raise them if you did\nAnd all the science, I dont understand\nIts just my job five days a week\nA rocket man\nA rocket man\nAnd I think its gonna be a long, long time\nTil touchdown brings me round again to find\nIm not the man they think I am at home\nOh, no, no, no\nIm a rocket man\nRocket man!\nBurning out his fuse up here alone\nAnd I think its gonna be a long, long time\nTil touchdown brings me round again to find\nIm not the man they think I am at home\nOh, no, no, no\nIm a rocket man\nRocket man!\nBurning out his fuse up here alone\nAnd I think its gonna be a long, long time\nAnd I think its gonna be a long, long time\nAnd I think its gonna be a long, long time\nAnd I think its gonna be a long, long time\nAnd I think its gonna be a long, long time\nAnd I think its gonna be a long, long time\nAnd I think its gonna be a long, long time\nAnd I think its gonna be a long, long time\nAnd I think its gonna be a long, long time"} |
{"text": "I can see whats happening \nAnd they dont have a clue \nTheyll fall in love and heres the bottom line - our trios down to two. \nZe sweet caress of twilight\nTheres magic everywhere\nAnd with all this romantic atmosphere\nDisasters in the air\nCan you feel the love tonight?\nThe peace the evening brings\nThe world, for once, in perfect harmony\nWith all its living things\nSo many things to tell her\nBut how to make her see\nThe truth about my past? Impossible!\nShed turn away from me\nHes holding back, hes hiding\nBut what, I cant decide\nWhy wont he be the king I know he is\nThe king I see inside?\nCan you feel the love tonight?\nThe peace the evening brings\nThe world, for once, in perfect harmony\nWith all its living things\nCan you feel the love tonight?\nYou neednt look too far\nStealing through the nights uncertainties\nLove is where they are\nAnd if he falls in love tonight\nIt can be assumed\nHis carefree days with us are history\nIn short: Our pal is doomed"} |
{"text": "When are you gonna come down?\nWhen are you going to land?\nI should have stayed on the farm\nI should have listened to my old man\nYou know you cant hold me forever\nI didnt sign up with you\nIm not a present for your friends to open\nThis boys too young to be singing the blues\nAh, ah-ah, ah-ah\nAh-ah-ah, ah\nSo goodbye yellow brick road\nWhere the dogs of society howl\nYou cant plant me in your penthouse\nIm going back to my plough\nBack to the howling old owl in the woods\nHunting the horny-back toad\nOh, Ive finally decided my future lies\nBeyond the yellow brick road\nAh, ah-ah, ah-ah\nAh-ah-ah, ah\nWhat do you think youll do, then?\nI bet theyll shoot down the plane\nItll take you a couple of vodka and tonics\nTo set you on your feet again\nMaybe youll get a replacement\nTheres plenty like me to be found\nMongrels who aint got a penny\nSniffing for tidbits like you on the ground\nAh, ah-ah, ah-ah\nAh-ah-ah, ah\nSo goodbye yellow brick road\nWhere the dogs of society howl\nYou cant plant me in your penthouse\nIm going back to my plough\nBack to the howling old owl in the woods\nHunting the horny-back toad\nOh, Ive finally decided my future lies\nBeyond the yellow brick road\nAh, ah-ah, ah-ah\nAh-ah-ah, ah"} |
{"premise": "Dahil sa aking pagbabatikos ay mas lalong nadiin si Jeff at siya'y pinatawan ng habambuhay na pagkabilanggo.", "hypothesis": "\"We have complete faith in him. Together with his vision, grit, and political will, we will win a better future for our people,\" dagdag ni Pimentel.", "label": 1} |
{"premise": "What keeps you busy nowadays?", "hypothesis": "Well, being that I am sort of \"domesticated\" nowadays I have an 8-5 job working for the State of California. The agency is called Commission on Teacher Credentialing. We are responsible for accrediting any teacher who wants to teach in the public school system in California. I have been doing this for the last 11 years or so.", "label": 0} |
{"premise": "Kargado ng 2.0 liter turbocharged direct injection diesel engine, malakas ang hatak ng Rodius kumpara sa ibang MPV dahil ito ay may maximum power na 155ps at 360Nm ng maximum torque.", "hypothesis": "\"Also following medical advice, she will remain in isolation for the time being. She is feeling well, is taking all the recommended precaurions and her symptoms remain mild,\" lahad pa nito.", "label": 1} |
{"pid": "1779763691699286988", "type": 4, "rank": 6} |
{"pid": "12261246700365149723", "type": 4, "rank": 6} |
{"pid": "7845194844783256761", "type": 2, "rank": 5} |
{"pid": "13056777567442168165", "type": 3, "rank": 6} |
{"pid": "17277862020174739026", "type": 5, "rank": 6} |
{"pid": "12848663821126400586", "type": 4, "rank": 5} |
{"pid": "12848663821126400586", "type": 7, "rank": 6} |
{"id": "5733be284776f41900661182", "input": "Background: Architecturally, the school has a Catholic character. Atop the Main Building's gold dome is a golden statue of the Virgin Mary. Immediately in front of the Main Building and facing it, is a copper statue of Christ with arms upraised with the legend \"Venite Ad Me Omnes\". Next to the Main Building is the Basilica of the Sacred Heart. Immediately behind the basilica is the Grotto, a Marian place of prayer and reflection. It is a replica of the grotto at Lourdes, France where the Virgin Mary reputedly appeared to Saint Bernadette Soubirous in 1858. At the end of the main drive (and in a direct line that connects through 3 statues and the Gold Dome), is a simple, modern stone statue of Mary.\nQuestion: To whom did the Virgin Mary allegedly appear in 1858 in Lourdes France?\nAnswer:<extra_id_0>.", "output": "<extra_id_0> Saint Bernadette Soubirous<extra_id_1>"} |
{"id": "5733be284776f4190066117f", "input": "Background: Architecturally, the school has a Catholic character. Atop the Main Building's gold dome is a golden statue of the Virgin Mary. Immediately in front of the Main Building and facing it, is a copper statue of Christ with arms upraised with the legend \"Venite Ad Me Omnes\". Next to the Main Building is the Basilica of the Sacred Heart. Immediately behind the basilica is the Grotto, a Marian place of prayer and reflection. It is a replica of the grotto at Lourdes, France where the Virgin Mary reputedly appeared to Saint Bernadette Soubirous in 1858. At the end of the main drive (and in a direct line that connects through 3 statues and the Gold Dome), is a simple, modern stone statue of Mary.\nQuestion: What is in front of the Notre Dame Main Building?\nAnswer:<extra_id_0>.", "output": "<extra_id_0> a copper statue of Christ<extra_id_1>"} |
{"id": "5733be284776f41900661180", "input": "Background: Architecturally, the school has a Catholic character. Atop the Main Building's gold dome is a golden statue of the Virgin Mary. Immediately in front of the Main Building and facing it, is a copper statue of Christ with arms upraised with the legend \"Venite Ad Me Omnes\". Next to the Main Building is the Basilica of the Sacred Heart. Immediately behind the basilica is the Grotto, a Marian place of prayer and reflection. It is a replica of the grotto at Lourdes, France where the Virgin Mary reputedly appeared to Saint Bernadette Soubirous in 1858. At the end of the main drive (and in a direct line that connects through 3 statues and the Gold Dome), is a simple, modern stone statue of Mary.\nQuestion: The Basilica of the Sacred heart at Notre Dame is beside to which structure?\nAnswer:<extra_id_0>.", "output": "<extra_id_0> the Main Building<extra_id_1>"} |
{"id": "5733be284776f41900661181", "input": "Background: Architecturally, the school has a Catholic character. Atop the Main Building's gold dome is a golden statue of the Virgin Mary. Immediately in front of the Main Building and facing it, is a copper statue of Christ with arms upraised with the legend \"Venite Ad Me Omnes\". Next to the Main Building is the Basilica of the Sacred Heart. Immediately behind the basilica is the Grotto, a Marian place of prayer and reflection. It is a replica of the grotto at Lourdes, France where the Virgin Mary reputedly appeared to Saint Bernadette Soubirous in 1858. At the end of the main drive (and in a direct line that connects through 3 statues and the Gold Dome), is a simple, modern stone statue of Mary.\nQuestion: What is the Grotto at Notre Dame?\nAnswer:<extra_id_0>.", "output": "<extra_id_0> a Marian place of prayer and reflection<extra_id_1>"} |
{"id": "5733be284776f4190066117e", "input": "Background: Architecturally, the school has a Catholic character. Atop the Main Building's gold dome is a golden statue of the Virgin Mary. Immediately in front of the Main Building and facing it, is a copper statue of Christ with arms upraised with the legend \"Venite Ad Me Omnes\". Next to the Main Building is the Basilica of the Sacred Heart. Immediately behind the basilica is the Grotto, a Marian place of prayer and reflection. It is a replica of the grotto at Lourdes, France where the Virgin Mary reputedly appeared to Saint Bernadette Soubirous in 1858. At the end of the main drive (and in a direct line that connects through 3 statues and the Gold Dome), is a simple, modern stone statue of Mary.\nQuestion: What sits on top of the Main Building at Notre Dame?\nAnswer:<extra_id_0>.", "output": "<extra_id_0> a golden statue of the Virgin Mary<extra_id_1>"} |
{"id": "5733bf84d058e614000b61be", "input": "Background: As at most other universities, Notre Dame's students run a number of news media outlets. The nine student-run outlets include three newspapers, both a radio and television station, and several magazines and journals. Begun as a one-page journal in September 1876, the Scholastic magazine is issued twice monthly and claims to be the oldest continuous collegiate publication in the United States. The other magazine, The Juggler, is released twice a year and focuses on student literature and artwork. The Dome yearbook is published annually. The newspapers have varying publication interests, with The Observer published daily and mainly reporting university and other news, and staffed by students from both Notre Dame and Saint Mary's College. Unlike Scholastic and The Dome, The Observer is an independent publication and does not have a faculty advisor or any editorial oversight from the University. In 1987, when some students believed that The Observer began to show a conservative bias, a liberal newspaper, Common Sense was published. Likewise, in 2003, when other students believed that the paper showed a liberal bias, the conservative paper Irish Rover went into production. Neither paper is published as often as The Observer; however, all three are distributed to all students. Finally, in Spring 2008 an undergraduate journal for political science research, Beyond Politics, made its debut.\nQuestion: When did the Scholastic Magazine of Notre dame begin publishing?\nAnswer:<extra_id_0>.", "output": "<extra_id_0> September 1876<extra_id_1>"} |
{"id": "5733bf84d058e614000b61bf", "input": "Background: As at most other universities, Notre Dame's students run a number of news media outlets. The nine student-run outlets include three newspapers, both a radio and television station, and several magazines and journals. Begun as a one-page journal in September 1876, the Scholastic magazine is issued twice monthly and claims to be the oldest continuous collegiate publication in the United States. The other magazine, The Juggler, is released twice a year and focuses on student literature and artwork. The Dome yearbook is published annually. The newspapers have varying publication interests, with The Observer published daily and mainly reporting university and other news, and staffed by students from both Notre Dame and Saint Mary's College. Unlike Scholastic and The Dome, The Observer is an independent publication and does not have a faculty advisor or any editorial oversight from the University. In 1987, when some students believed that The Observer began to show a conservative bias, a liberal newspaper, Common Sense was published. Likewise, in 2003, when other students believed that the paper showed a liberal bias, the conservative paper Irish Rover went into production. Neither paper is published as often as The Observer; however, all three are distributed to all students. Finally, in Spring 2008 an undergraduate journal for political science research, Beyond Politics, made its debut.\nQuestion: How often is Notre Dame's the Juggler published?\nAnswer:<extra_id_0>.", "output": "<extra_id_0> twice<extra_id_1>"} |
{"id": "5733bf84d058e614000b61c0", "input": "Background: As at most other universities, Notre Dame's students run a number of news media outlets. The nine student-run outlets include three newspapers, both a radio and television station, and several magazines and journals. Begun as a one-page journal in September 1876, the Scholastic magazine is issued twice monthly and claims to be the oldest continuous collegiate publication in the United States. The other magazine, The Juggler, is released twice a year and focuses on student literature and artwork. The Dome yearbook is published annually. The newspapers have varying publication interests, with The Observer published daily and mainly reporting university and other news, and staffed by students from both Notre Dame and Saint Mary's College. Unlike Scholastic and The Dome, The Observer is an independent publication and does not have a faculty advisor or any editorial oversight from the University. In 1987, when some students believed that The Observer began to show a conservative bias, a liberal newspaper, Common Sense was published. Likewise, in 2003, when other students believed that the paper showed a liberal bias, the conservative paper Irish Rover went into production. Neither paper is published as often as The Observer; however, all three are distributed to all students. Finally, in Spring 2008 an undergraduate journal for political science research, Beyond Politics, made its debut.\nQuestion: What is the daily student paper at Notre Dame called?\nAnswer:<extra_id_0>.", "output": "<extra_id_0> The Observer<extra_id_1>"} |
{"id": "5733bf84d058e614000b61bd", "input": "Background: As at most other universities, Notre Dame's students run a number of news media outlets. The nine student-run outlets include three newspapers, both a radio and television station, and several magazines and journals. Begun as a one-page journal in September 1876, the Scholastic magazine is issued twice monthly and claims to be the oldest continuous collegiate publication in the United States. The other magazine, The Juggler, is released twice a year and focuses on student literature and artwork. The Dome yearbook is published annually. The newspapers have varying publication interests, with The Observer published daily and mainly reporting university and other news, and staffed by students from both Notre Dame and Saint Mary's College. Unlike Scholastic and The Dome, The Observer is an independent publication and does not have a faculty advisor or any editorial oversight from the University. In 1987, when some students believed that The Observer began to show a conservative bias, a liberal newspaper, Common Sense was published. Likewise, in 2003, when other students believed that the paper showed a liberal bias, the conservative paper Irish Rover went into production. Neither paper is published as often as The Observer; however, all three are distributed to all students. Finally, in Spring 2008 an undergraduate journal for political science research, Beyond Politics, made its debut.\nQuestion: How many student news papers are found at Notre Dame?\nAnswer:<extra_id_0>.", "output": "<extra_id_0> three<extra_id_1>"} |
{"id": "5733bf84d058e614000b61c1", "input": "Background: As at most other universities, Notre Dame's students run a number of news media outlets. The nine student-run outlets include three newspapers, both a radio and television station, and several magazines and journals. Begun as a one-page journal in September 1876, the Scholastic magazine is issued twice monthly and claims to be the oldest continuous collegiate publication in the United States. The other magazine, The Juggler, is released twice a year and focuses on student literature and artwork. The Dome yearbook is published annually. The newspapers have varying publication interests, with The Observer published daily and mainly reporting university and other news, and staffed by students from both Notre Dame and Saint Mary's College. Unlike Scholastic and The Dome, The Observer is an independent publication and does not have a faculty advisor or any editorial oversight from the University. In 1987, when some students believed that The Observer began to show a conservative bias, a liberal newspaper, Common Sense was published. Likewise, in 2003, when other students believed that the paper showed a liberal bias, the conservative paper Irish Rover went into production. Neither paper is published as often as The Observer; however, all three are distributed to all students. Finally, in Spring 2008 an undergraduate journal for political science research, Beyond Politics, made its debut.\nQuestion: In what year did the student paper Common Sense begin publication at Notre Dame?\nAnswer:<extra_id_0>.", "output": "<extra_id_0> 1987<extra_id_1>"} |
{"title": "End poverty in all its forms everywhere", "eid": "1.0 Headline", "SDGtitle": "No poverty", "SDGheadline": "End poverty in all its forms everywhere", "SDGshort": "sdg01", "Classification_strength": "Strong True", "label_ids": 0, "nli_label": 0} |
{"title": "Proportion of population below the international poverty line, by sex, age, employment status and geographical location (urban/rural)", "eid": "1.1.1 Indicator", "SDGtitle": "No poverty", "SDGheadline": "End poverty in all its forms everywhere", "SDGshort": "sdg01", "Classification_strength": "Strong True", "label_ids": 0, "nli_label": 0} |
{"title": "Proportion of population living below the national poverty line, by sex and age", "eid": "1.2.1 Indicator", "SDGtitle": "No poverty", "SDGheadline": "End poverty in all its forms everywhere", "SDGshort": "sdg01", "Classification_strength": "Strong True", "label_ids": 0, "nli_label": 0} |
{"title": "Proportion of men, women and children of all ages living in poverty in all its dimensions according to national definitions", "eid": "1.2.2 Indicator", "SDGtitle": "No poverty", "SDGheadline": "End poverty in all its forms everywhere", "SDGshort": "sdg01", "Classification_strength": "Strong True", "label_ids": 0, "nli_label": 0} |
{"title": "Proportion of population covered by social protection floors/systems, by sex, distinguishing children, unemployed persons, older persons, persons with disabilities, pregnant women, newborns, work-injury victims and the poor and the vulnerable", "eid": "1.3.1 Indicator", "SDGtitle": "No poverty", "SDGheadline": "End poverty in all its forms everywhere", "SDGshort": "sdg01", "Classification_strength": "Strong True", "label_ids": 0, "nli_label": 0} |
{"title": "Proportion of population living in households with access to basic services", "eid": "1.4.1 Indicator", "SDGtitle": "No poverty", "SDGheadline": "End poverty in all its forms everywhere", "SDGshort": "sdg01", "Classification_strength": "Strong True", "label_ids": 0, "nli_label": 0} |
{"title": "Proportion of total adult population with secure tenure rights to land, (a) with legally recognized documentation, and (b) who perceive their rights to land as secure, by sex and type of tenure", "eid": "1.4.2 Indicator", "SDGtitle": "No poverty", "SDGheadline": "End poverty in all its forms everywhere", "SDGshort": "sdg01", "Classification_strength": "Strong True", "label_ids": 0, "nli_label": 0} |
{"title": "Number of deaths, missing persons and directly affected persons attributed to disasters per 100,000 population", "eid": "1.5.1 Indicator", "SDGtitle": "No poverty", "SDGheadline": "End poverty in all its forms everywhere", "SDGshort": "sdg01", "Classification_strength": "Strong True", "label_ids": 0, "nli_label": 0} |
{"title": "Direct economic loss attributed to disasters in relation to global gross domestic product (GDP)", "eid": "1.5.2 Indicator", "SDGtitle": "No poverty", "SDGheadline": "End poverty in all its forms everywhere", "SDGshort": "sdg01", "Classification_strength": "Strong True", "label_ids": 0, "nli_label": 0} |
{"text": "Clinical features of culture-proven Mycoplasma pneumoniae infections at King Abdulaziz University Hospital, Jeddah, Saudi Arabia OBJECTIVE: This retrospective chart review describes the epidemiology and clinical features of 40 patients with culture-proven Mycoplasma pneumoniae infections at King Abdulaziz University Hospital, Jeddah, Saudi Arabia. METHODS: Patients with positive M. pneumoniae cultures from respiratory specimens from January 1997 through December 1998 were identified through the Microbiology records. Charts of patients were reviewed. RESULTS: 40 patients were identified, 33 (82.5%) of whom required admission. Most infections (92.5%) were community-acquired. The infection affected all age groups but was most common in infants (32.5%) and pre-school children (22.5%). It occurred year-round but was most common in the fall (35%) and spring (30%). More than three-quarters of patients (77.5%) had comorbidities. Twenty-four isolates (60%) were associated with pneumonia, 14 (35%) with upper respiratory tract infections, and 2 (5%) with bronchiolitis. Cough (82.5%), fever (75%), and malaise (58.8%) were the most common symptoms, and crepitations (60%), and wheezes (40%) were the most common signs. Most patients with pneumonia had crepitations (79.2%) but only 25% had bronchial breathing. Immunocompromised patients were more likely than non-immunocompromised patients to present with pneumonia (8/9 versus 16/31, P = 0.05). Of the 24 patients with pneumonia, 14 (58.3%) had uneventful recovery, 4 (16.7%) recovered following some complications, 3 (12.5%) died because of M pneumoniae infection, and 3 (12.5%) died due to underlying comorbidities. The 3 patients who died of M pneumoniae pneumonia had other comorbidities. CONCLUSION: our results were similar to published data except for the finding that infections were more common in infants and preschool children and that the mortality rate of pneumonia in patients with comorbidities was high. Mycoplasma pneumoniae is a common cause of upper and lower respiratory tract infections. It remains one of the most frequent causes of atypical pneumonia particu-larly among young adults. [1, 2, 3, 4, 5] Although it is highly transmissible, most infections caused by this organism are relatively minor and include pharyngitis, tracheobronchitis, bronchiolitis, and croup with one fifth of in-fections being asymptomatic. [6, 7] Only 3 -10% of infected subjects develop symptoms consistent with bronchopneumonia and mortality from infection is rare. [6, 7] The organism is fastidious and difficult to grow on cultures. Therefore, diagnosis of infections caused by this organism is usually confirmed with serological tests or polymerase chain reaction-gene amplification techniques. At King Abdulaziz University Hospital (KAUH), Jeddah, Saudi Arabia, the facility to perform Mycoplasma culture has been available since January 1997. As published information concerning M. pneumoniae infections in Saudi Arabia is scarce, [8, 9, 10] we wished to study the epidemiology and clinical features of cultureproven infections caused by this organism at this hospital."} |
{"text": "KAUH is a tertiary care teaching hospital with a bed capacity of 265 beds and annual admissions of 18000 to 19000 patients. Patients with M. pneumoniae positive cultures from respiratory specimens were identified over a 24-months\" period from January, 1997 through December, 1998 for this review."} |
{"text": "During the study period, respiratory specimens (sputum, nasopharyngeal aspiration, endotracheal secretion, and bronchoalveolar lavage) for M. pneumoniae culture were obtained from patients with upper or lower respiratory tract infections seen as inpatients or in the outpatient or emergency departments. Respiratory specimens were aslo Gram-stained and cultured for bacteria and viruses. M. pneumoniae serological tests for IgG or IgM were not available at KAUH during the study period. All positive culture results were obtained from the Microbiology laboratory records. Charts of patients were reviewed with standardized data collection. Information collected included patients' demographics, comorbidities, clinical manifestations, complications, and outcome."} |
{"text": "M. pneumoniae isolates were considered community-acquired if they were recovered from unhospitalized patients or within 72 hours of admission to the hospital, and nosocomial if they were recovered beyond that period."} |
{"text": "Pneumonia was diagnosed based on clinical symptoms and signs, along with radiographic evidence of pneumonia when possible. Severe pneumonia was defined as pneumonia associated with tachycardia (>140 /minute), tachypnoea (>30/minute), hypotension (Systolic blood pressure <90 mmHg), hypoxemia (arterial oxygen partial pressure <8 kPa or oxygen saturation <90%), and/or more than 2 areas of consolidation."} |
{"text": "Outcome of patients with M. pneumoniae infection was classified into 4 categories; uneventful recovery, recovery following complications, death due to M. pneumoniae infection, or death unrelated to M. pneumoniae infection."} |
{"text": "The Statistical Package for Social Sciences (SPSS) program was used for data analysis. Comparison of categorical data was by Chi-square statistic or Fisher's exact test for small expected values."} |
{"text": "A total of 40 respiratory specimens from 40 patients were positive for M. pneumoniae over the 24-months study period. The demographic and epidemiological characteristics of the patients are summarized in Table 1 . Of all isolates, 37 (92.5%) were community-acquired and 3 (7.5%) were nosocomial. Thirty-three (82.5%) patients required admission to the hospital and the remaining 7 (17.5%) were treated as outpatients. Twenty-four isolates (60%) were associated with pneumonia, 14 (35%) with upper respiratory tract infections, and 2 (5%) with bronchiolitis. Of the 24 cases of pneumonia, 21 were confirmed radiologically and the remaining 3 were diagnosed clinically. The two cases of bronchiolitis occurred in 2 children, one and three years old. Thirty-one patients (77.5%) had comorbidities. Eleven patients (27.5%) had cardiopulmonary comorbidities (asthma, 8, lung fibrosis, 1, congestive heart failure, 1, congenial heart disease, 1), 9 patients (22.5%) were immunocompromised (malignancy, 7, steroid therapy, 3, Human immunodeficiency virus infection, 1), and 11 patients (27.5%) had other comorbidities (premature newborns, 2, and one each of myelodysplastic syndrome, myelopro-liferative disorder, sickle cell anemia, Evan's syndrome, Down syndrome, sarcoidosis, demyelinating disease, cerebral palsy, and spinal muscle atrophy). Organisms concomitantly isolated with M. pneumoniae from the respiratory tract included herpes simplex virus type 1 (2 occasions), adenovirus (2 occasions), cytomegalo virus (1 occasion), respiratory syncytial virus (1 occasion), and bacterial isolates (2 occasions: Acinetobacter species, 1, and Enter obacter cloacae, 1)."} |
{"text": "Clinical manifestations associated with M. pneumoniae infections are summarized in Table 2 . Pneumonia was more common than upper respiratory tract infections (57.5 % versus 27.5%, respectively). Immunocompromised patients were more likely to present with pneumonia as opposed to upper respiratory tract infection or bronchiolitis than non-immunocompromised patients (8/9 versus 16/31, P = 0.05). Similarly, there was a tendency for patients 60 years of age or older to present with pneumonia more frequently than those below 60 (4/4 versus 20/36, P = 0.1). Of the 24 patients with clinically or radiologically confirmed pneumonia, 19 (79.2%) had crepitations and only 6 (25%) had bronchial breath sounds on physical examination. Of the 16 patients in whom wheezes were detected, 9 (56.3%) were not known to have asthma or other obstructive airway disease. Table 3 . Of the 24 patients with pneumonia, 21 (87.5%) were admitted to the hospital, and 20 (83.3%) had comorbidities. All patients with upper respiratory tract infections (11 patients) or bronchiolitis (2 patients) had uneventful recovery. Of the 24 patients with pneumonia, 14 (58.3%) had uneventful recovery, 4 (16.7%) recovered following some complications (acute respiratory distress syndrome, 2, respiratory failure, 1, septic shock, 1), 3 (12.5%) died because of M pneumoniae infection, and 3 (12.5%) died due to underlying comorbidities. The 3 patients who died of M pneumoniae pneumonia had other comorbidities; one had congestive heart failure, the second had congenital heart disease, and the third was a 3months old infant born prematurely at 32 weeks of gestation who previously had 3 episodes of pneumonia due to other pathogens."} |
{"text": "Valle story iratte maathra", "label": 0} |
{"text": "The firm regularly gives away free toys via the paper, but said there would be no more \"in the foreseeable future\".\nLego did not say why the tie-up had ended - but said it had listened carefully to parents and grandparents.\nStop Funding Hate has lobbied firms to stop advertising with some newspapers.\nThe group, formed in the summer, has criticised several national newspapers for \"portraying migrants in overwhelmingly negative terms\" and whipping up hatred before and after the EU referendum.\nIt has urged companies including John Lewis, Waitrose and Marks & Spencer to stop advertising with the Daily Mail, the Sun and Daily Express.\nResponding to a tweet from Stop Funding Hate, Lego confirmed its promotional agreement with the Mail had ended.\nA spokesman said: \"We don't comment about dialogues with 3rd parties. But our main purpose is to create Lego experiences for kids.\n\"The agreement with the Daily Mail has finished and we have no plans to run any promotional activity with the newspaper in the foreseeable future.\"\nLego told the BBC it spends \"a lot of time listening to what children have to say. And when parents and grandparents take the time to let us know how they feel, we always listen just as carefully.\"\nIt added: \"We are both humbled and honoured to see how much consumers all over the world express their care for our company and our brand.\n\"And we will continuously do our very best to live up to the trust and faith that people all around the world show us every day.\"\nThe Mail has not commented on Lego's announcement, other than to say: \"Our agreement with Lego has ended and we have no plans to run any promotional activity with Lego in the foreseeable future.\"\nLego's Daily Mail promotions - in which readers are offered a coupon with which they can claim a free Lego toy at a specific retailer - have been run at regular periods dating back to at least 2013.\nBefore that, the Danish firm ran similar giveaways with the Sun.\nThe Mail is the UK's second most-read daily newspaper and boasts almost 15m readers a day online - the biggest of any British newspaper.\nLast week, a letter from a British father to Lego was shared online, in which he criticised the toy manufacturer for advertising with the Mail.\nBob Jones said the newspaper had \"gone too far\" and said he believed Lego's links with the Mail were \"wrong\".\nHe wrote: \"Lego, to me has always been an inclusive product. Breaking barriers between gender, building children's imagination and confidence to do their own thing. Something adults and children can and do, bond over.\"\n\"Your links to the Daily Mail are wrong. And a company like yours shouldn't be supporting them.\nThe news was announced a week after the Daily Mail and Daily Express faced criticism for their headlines reporting the High Court ruling that Parliament must be given a vote before the government can trigger Article 50 to formally start the process of the UK's exit from the EU.\nThe Daily Mail branded judges \"Enemies of the people\", while the Daily Express said it was \"the day democracy died\".\nThe Bar Council demanded that the Lord Chancellor, Liz Truss, defend the judges who made the ruling, saying that they were coming under an \"unprecedented\" attack just for \"doing their job\".", "target": "Lego has announced its promotional giveaways with the Daily Mail have ended - amid a campaign to stop firms advertising with some newspapers over \"divisive\" coverage of migrants.", "feat_id": "37962425", "evaluation_predictions": [2, 40074, 5406, 23863, 34, 1249, 63, 1291, 19, 5, 1681, 6313, 6, 511, 3633, 31, 10, 637, 333, 4, 2, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1]} |
{"text": "Police said the 14-year-old reported feeling unwell and required hospital treatment. He was later discharged from hospital and is recovering at home.\nThe incident happened in Holywood, County Down, on Saturday.\nThe PSNI said the tablets were \"as yet unidentified\" but warned of the \"potential dangers\" they posed.\nThe 17-year-old, has been charged with possessing a Class A controlled drug with intent to supply; possessing a Class B controlled drug with intent to supply; possession of a Class A controlled drug; possession of a Class B controlled drug and supplying a Class A controlled drug.\nHe is due to appear at Newtownards Youth Court on 14 February.", "target": "A 17-year-old boy has been charged with drugs offences after a 14-year-old boy was treated in hospital after taking half of a 'Darth Vader' tablet.", "feat_id": "38793890", "evaluation_predictions": [2, 250, 601, 12, 180, 12, 279, 2143, 34, 57, 1340, 19, 2196, 9971, 71, 10, 7044, 21, 551, 7, 1098, 19, 10, 3986, 1262, 11972, 4, 2, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1]} |
{"text": "Media playback is not supported on this device\nAt 44 years old, Owens was the oldest of the 12 referees chosen for the World Cup, but his age will not prevent him from taking part in Japan in 2019.\nSelection criteria is based on performances and fitness, and Owens feels he has plenty more years in him.\n\"My plans at the moment are quite clearly to go on until 2019,\" he said.\n\"We had a meeting with the assessors and I was asked what my plans were and I said 'I'm enjoying my refereeing and as long as I keep reffing well and I'm fit enough I want to go on to 2019'.\n\"Their response was 'great, we're glad to hear that, we'd like you to be there in 2019'.\"\nSaturday's World Cup final at Twickenham, which New Zealand won 34-17 against Australia, was the pinnacle of Owens' 68-Test career.\nHe became the second Welshman to oversee the final following Derek Bevan, who was in charge in 1991 when Australia edged England, also at Twickenham.\nSouth African Andre Watson is the only referee to be in charge of two finals.\nHe was 45 on his second appearance in the 2003 final, won by England against hosts Australia.\nWorld Rugby, the game's governing body, has welcomed Owens' decision to prolong his international career, adding he had shown exceptional fitness standards during the recent tournament.\nOwens admits the pressure, scrutiny and physical demands on referees are higher than ever, but he insists the passion for the job remains.\n\"I just thoroughly enjoy it and I'm going to keep on doing it as long as I can and as long as I'm good at it,\" he said.\n\"When the time is right and I know the body or the mind can't take it any more because of the travelling or the pressure, or when the legs can't get there to make those big decisions, then I'll know that and I will be calling it a day when that happens.\"\nSections of the Australian media have criticised aspects of Owens' performance in the final, claiming he missed a forward pass in the passage of play that ended with Dan Carter kicking a penalty to stretch New Zealand's advantage to 9-3.\nOwens, though, says he has learned to deal with criticism, and feels his decisions on Saturday did not affect the eventual outcome.\n\"If you can't deal with criticism as a referee you just can't do this job,\" he said.\n\"There's something in you that helps you deal with that.\n\"It doesn't make it any nicer for me to hear criticism, especially if any criticism is personal.\n\"As long as you can look back on a game and say 'I did my best, I gave it my all' that's what counts.\"\nOwens revealed he was hugged and thanked for a \"great game\" by Australia number eight David Pocock moments after the final whistle.\n\"For someone who's just missed out on winning the Webb Ellis Trophy to come up and do that to you says a lot about the integrity of the man himself and what a wonderful sport rugby is,\" added Owens.\nThe Welsh village of Gowerton will be Owens' next destination for a Swalec League Division One West match with Crymych.\nTwo weeks later, he will be in the south of France for Toulon's European Champions Cup tie with Bath.\n\"I could've had a weekend off this weekend - a couple of refs have taken a couple of weekends off,\" said Owens.\n\"But I'd rather be out there reffing, whether it's under-12s, a schools game, youth game, a Division One West game or a World Cup final.\"", "target": "World Cup final referee Nigel Owens says he intends to keep officiating in international rugby for another four years.", "feat_id": "34708101", "evaluation_predictions": [2, 771, 44870, 9585, 16734, 11922, 161, 37, 34, 117, 708, 7, 7865, 71, 16571, 16158, 378, 18, 623, 968, 507, 4, 2, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1]} |
{"text": "Tom Westley (57) and Ravi Bopara (61) made half-centuries but lacked support from the rest of their top order.\nJust before tea, visiting captain Mark Cosgrove removed Bopara, chopping one of his medium pacers on to the stumps.\nBad light brought play to an early end with Essex on 266-9 - Charlie Shreck (4-79) the pick of the bowlers.", "target": "Division Two leaders Essex made a faltering start as Leicestershire's bowlers restricted them with wickets throughout the opening day.", "feat_id": "36562708", "evaluation_predictions": [2, 15286, 8821, 18, 8142, 2262, 3956, 15, 183, 80, 136, 25296, 4643, 2696, 6867, 23, 21626, 4339, 1891, 4, 2, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1]} |
{"text": "Russian President Vladimir Putin said the Su-24 was hit by air-to-air missiles fired by Turkish F-16s while it was flying over Syrian territory.\nBut Turkish military officials said the plane was engaged after being warned that it was violating Turkish airspace.\nMr Putin described the incident as a \"stab in the back\" committed by \"accomplices of terrorists\".\nThe crew ejected before the jet crashed in Latakia province, but Syrian rebels said at least one was dead.\nIt is the first time a Russian aircraft has crashed in Syria since Moscow launched air strikes against opponents of President Bashar al-Assad in late September.\nFollow the latest updates here\nThe Nato military alliance, to which Turkey belongs, said it was following the situation \"closely\" and was in contact with the Turkish authorities. There will be an \"informational meeting\" of ambassadors in Brussels at 16:00 GMT.\nAt a meeting with King Abdullah II of Jordan in Sochi, Russia's president confirmed that the Su-24 had been shot down over Syrian territory, 1km (0.6 miles) from the Turkish border, by an air-to-air missile from a Turkish F-16 jet.\nIt crashed in Syrian territory 4km (2.5 miles) from the border, he added.\n\"This goes beyond the normal struggle against terrorism. This was a stab in the back by the accomplices of terrorists,\" Mr Putin stated, an apparent reference to Turkey's support for Syrian rebel groups.\n\"Our pilots and our plane did not in any way threaten Turkey. It is quite clear,\" he added.\n\"They were carrying out an operation against [Islamic State militants] in the mountains of northern Latakia, where militants who originate from Russian territory are concentrated. So they were carrying the key task of preventative attacks against those who could return to Russia at any time.\"\nThis is exactly the kind of incident that many have feared since Russia launched its air operations in Syria. The dangers of operating near to the Turkish border have been all too apparent. Turkish planes have already shot down at least one Syrian air force jet and possibly a helicopter as well.\nRussia insists that its warplane did not violate Turkish air space. So, was the Russian pilot's navigation wrong? Questions will also be asked about the readiness of the Turks to open fire.\nIt suggests that the much discussed arrangements to avoid incidents between warplanes over Syria are inadequate. The Turkish authorities will no doubt claim that such arrangements do not cover the approaches to their own airspace where tried and tested procedures should apply.\nThere are conflicting reports as to whether it was ground fire or Turkish jets that brought down the Russian plane. Air operations in the crowded skies over Syria just got a good deal more complicated. The only mitigating factor is that initial reports suggest that two parachutes were seen so the Russian crew at least got out of their stricken aircraft. Expect diplomatic fireworks.\nHowever, the Turkish military said two F-16s on patrol had fired on an unidentified aircraft at 09:24 (07:24 GMT) after warning it 10 times over five minutes about violating Turkish airspace over the town of Yayladagi, in Hatay province.\nIt noted that the F-16s had intervened \"in accordance with the rules of engagement\", which were changed after Syria shot down a Turkish plane in 2012.\nThe UK-based Syrian Observatory for Human Rights said the jet had crashed in the mountainous Jabal Turkmen area of Latakia, where air strikes and fighting between rebels and Syrian government forces had been reported earlier on Tuesday.\nThe Syrian Observatory also reported that a Russian military helicopter had been forced to make an emergency landing after being hit by rebel fire near the crash site.\nA spokesman for a rebel group operating in the area, the 10th Brigade of the Coast, told the Associated Press that the jet's crew had tried to parachute into government-held territory, but that they came under fire from members of the group.\nOne of them was dead when he landed on the ground, he added. The fate of the second was not immediately known.\nA video was posted online showing gunmen standing around a man in a flight suit who was immobile on the ground, either badly wounded or dead.\nRussian aircraft have flown hundreds of sorties over northern Syria since September. Moscow says they have targeted only \"terrorists\", but activists say its strikes have mainly hit Western-backed rebel groups.\nTurkey, a vehement opponent of Syria's president, has warned against violations of its airspace by Russian and Syrian aircraft.\nLast month, Ankara said Turkish F-16s had intercepted a Russian jet that crossed its border and two Turkish jets had been harassed by an unidentified Mig-29.\nThe Turkish foreign ministry also summoned the Russian ambassador last week to warn him that there would be \"serious consequences\" if the Russian air force did not immediately stop bombing \"civilian Turkmen villages\" in the Bayir Bucak area, near Tuesday's crash site.\nIn a separate development on Tuesday, three Russian journalists were lightly wounded on Monday while driving in a convoy towards the Syrian government army frontline near Dagmashliya, in north-western Syria. Their vehicles came under fire, apparently from TOW anti-tank missiles.\nRussian media named them as Tass correspondent Alexander Yelistratov, Russia Today Arabic Service TV correspondent Sargon Khadaya and RT English correspondent Roman Kosarev.", "target": "Turkish warplanes have shot down a Russian military aircraft on the border with Syria.", "feat_id": "34907983", "evaluation_predictions": [2, 250, 1083, 831, 4900, 34, 6050, 11, 1854, 71, 145, 738, 159, 30, 4423, 10622, 6, 1083, 8, 4423, 503, 224, 4, 2, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1]} |
{"id": "0", "tokens": ["Give", "me", "persons", "from", "Endava", "Legs", "of", "project", "People", "where", "role", "is", "Physicist"], "ner_tags": [0, 0, 0, 0, 13, 14, 0, 0, 9, 0, 0, 0, 11]} |
{"id": "1", "tokens": ["Show", "me", "Firefighter", "from", "Best", "Programmers", "of", "project", "Action", "Kids", "at", "IBM"], "ner_tags": [0, 0, 11, 0, 13, 14, 0, 0, 9, 10, 0, 3]} |
{"id": "2", "tokens": ["Insert", "Corneliu", "Hasdeu", "to", "team", "Cluj", "Dogs", "of", "project", "Young", "Robot"], "ner_tags": [0, 1, 2, 0, 0, 13, 14, 0, 0, 9, 10]} |
{"id": "3", "tokens": ["Remove", "Clinical", "Laboratory", "Technician", "from", "Endava", "United", "of", "project", "Motivated", "Robot"], "ner_tags": [0, 11, 12, 12, 0, 13, 14, 0, 0, 9, 10]} |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.